Close httplib2 connections.
  delete(projectId, datasetId, modelId, x__xgafv=None)
Deletes the model specified by modelId from the dataset.
  get(projectId, datasetId, modelId, x__xgafv=None)
Gets the specified model resource by model ID.
  list(projectId, datasetId, maxResults=None, pageToken=None, x__xgafv=None)
Lists all models in the specified dataset. Requires the READER dataset role. After retrieving the list of models, you can get information about a particular model by calling the models.get method.
Retrieves the next page of results.
  patch(projectId, datasetId, modelId, body=None, x__xgafv=None)
Patch specific fields in the specified model.
close()
  Close httplib2 connections.
delete(projectId, datasetId, modelId, x__xgafv=None)
  Deletes the model specified by modelId from the dataset.
Args:
  projectId: string, Required. Project ID of the model to delete. (required)
  datasetId: string, Required. Dataset ID of the model to delete. (required)
  modelId: string, Required. Model ID of the model to delete. (required)
  x__xgafv: string, V1 error format.
    Allowed values
      1 - v1 error format
      2 - v2 error format
get(projectId, datasetId, modelId, x__xgafv=None)
  Gets the specified model resource by model ID.
Args:
  projectId: string, Required. Project ID of the requested model. (required)
  datasetId: string, Required. Dataset ID of the requested model. (required)
  modelId: string, Required. Model ID of the requested model. (required)
  x__xgafv: string, V1 error format.
    Allowed values
      1 - v1 error format
      2 - v2 error format
Returns:
  An object of the form:
    {
  "bestTrialId": "A String", # The best trial_id across all training runs.
  "creationTime": "A String", # Output only. The time when this model was created, in millisecs since the epoch.
  "defaultTrialId": "A String", # Output only. The default trial_id to use in TVFs when the trial_id is not passed in. For single-objective [hyperparameter tuning](https://cloud.google.com/bigquery-ml/docs/reference/standard-sql/bigqueryml-syntax-hp-tuning-overview) models, this is the best trial ID. For multi-objective [hyperparameter tuning](https://cloud.google.com/bigquery-ml/docs/reference/standard-sql/bigqueryml-syntax-hp-tuning-overview) models, this is the smallest trial ID among all Pareto optimal trials.
  "description": "A String", # Optional. A user-friendly description of this model.
  "encryptionConfiguration": { # Configuration for Cloud KMS encryption settings. # Custom encryption configuration (e.g., Cloud KMS keys). This shows the encryption configuration of the model data while stored in BigQuery storage. This field can be used with PatchModel to update encryption key for an already encrypted model.
    "kmsKeyName": "A String", # Optional. Describes the Cloud KMS encryption key that will be used to protect destination BigQuery table. The BigQuery Service Account associated with your project requires access to this encryption key.
  },
  "etag": "A String", # Output only. A hash of this resource.
  "expirationTime": "A String", # Optional. The time when this model expires, in milliseconds since the epoch. If not present, the model will persist indefinitely. Expired models will be deleted and their storage reclaimed. The defaultTableExpirationMs property of the encapsulating dataset can be used to set a default expirationTime on newly created models.
  "featureColumns": [ # Output only. Input feature columns for the model inference. If the model is trained with TRANSFORM clause, these are the input of the TRANSFORM clause.
    { # A field or a column.
      "name": "A String", # Optional. The name of this field. Can be absent for struct fields.
      "type": # Object with schema name: StandardSqlDataType # Optional. The type of this parameter. Absent if not explicitly specified (e.g., CREATE FUNCTION statement can omit the return type; in this case the output parameter does not have this "type" field).
    },
  ],
  "friendlyName": "A String", # Optional. A descriptive name for this model.
  "hparamSearchSpaces": { # Hyperparameter search spaces. These should be a subset of training_options. # Output only. All hyperparameter search spaces in this model.
    "activationFn": { # Search space for string and enum. # Activation functions of neural network models.
      "candidates": [ # Canididates for the string or enum parameter in lower case.
        "A String",
      ],
    },
    "batchSize": { # Search space for an int hyperparameter. # Mini batch sample size.
      "candidates": { # Discrete candidates of an int hyperparameter. # Candidates of the int hyperparameter.
        "candidates": [ # Candidates for the int parameter in increasing order.
          "A String",
        ],
      },
      "range": { # Range of an int hyperparameter. # Range of the int hyperparameter.
        "max": "A String", # Max value of the int parameter.
        "min": "A String", # Min value of the int parameter.
      },
    },
    "boosterType": { # Search space for string and enum. # Booster type for boosted tree models.
      "candidates": [ # Canididates for the string or enum parameter in lower case.
        "A String",
      ],
    },
    "colsampleBylevel": { # Search space for a double hyperparameter. # Subsample ratio of columns for each level for boosted tree models.
      "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
        "candidates": [ # Candidates for the double parameter in increasing order.
          3.14,
        ],
      },
      "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
        "max": 3.14, # Max value of the double parameter.
        "min": 3.14, # Min value of the double parameter.
      },
    },
    "colsampleBynode": { # Search space for a double hyperparameter. # Subsample ratio of columns for each node(split) for boosted tree models.
      "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
        "candidates": [ # Candidates for the double parameter in increasing order.
          3.14,
        ],
      },
      "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
        "max": 3.14, # Max value of the double parameter.
        "min": 3.14, # Min value of the double parameter.
      },
    },
    "colsampleBytree": { # Search space for a double hyperparameter. # Subsample ratio of columns when constructing each tree for boosted tree models.
      "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
        "candidates": [ # Candidates for the double parameter in increasing order.
          3.14,
        ],
      },
      "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
        "max": 3.14, # Max value of the double parameter.
        "min": 3.14, # Min value of the double parameter.
      },
    },
    "dartNormalizeType": { # Search space for string and enum. # Dart normalization type for boosted tree models.
      "candidates": [ # Canididates for the string or enum parameter in lower case.
        "A String",
      ],
    },
    "dropout": { # Search space for a double hyperparameter. # Dropout probability for dnn model training and boosted tree models using dart booster.
      "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
        "candidates": [ # Candidates for the double parameter in increasing order.
          3.14,
        ],
      },
      "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
        "max": 3.14, # Max value of the double parameter.
        "min": 3.14, # Min value of the double parameter.
      },
    },
    "hiddenUnits": { # Search space for int array. # Hidden units for neural network models.
      "candidates": [ # Candidates for the int array parameter.
        { # An array of int.
          "elements": [ # Elements in the int array.
            "A String",
          ],
        },
      ],
    },
    "l1Reg": { # Search space for a double hyperparameter. # L1 regularization coefficient.
      "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
        "candidates": [ # Candidates for the double parameter in increasing order.
          3.14,
        ],
      },
      "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
        "max": 3.14, # Max value of the double parameter.
        "min": 3.14, # Min value of the double parameter.
      },
    },
    "l2Reg": { # Search space for a double hyperparameter. # L2 regularization coefficient.
      "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
        "candidates": [ # Candidates for the double parameter in increasing order.
          3.14,
        ],
      },
      "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
        "max": 3.14, # Max value of the double parameter.
        "min": 3.14, # Min value of the double parameter.
      },
    },
    "learnRate": { # Search space for a double hyperparameter. # Learning rate of training jobs.
      "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
        "candidates": [ # Candidates for the double parameter in increasing order.
          3.14,
        ],
      },
      "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
        "max": 3.14, # Max value of the double parameter.
        "min": 3.14, # Min value of the double parameter.
      },
    },
    "maxTreeDepth": { # Search space for an int hyperparameter. # Maximum depth of a tree for boosted tree models.
      "candidates": { # Discrete candidates of an int hyperparameter. # Candidates of the int hyperparameter.
        "candidates": [ # Candidates for the int parameter in increasing order.
          "A String",
        ],
      },
      "range": { # Range of an int hyperparameter. # Range of the int hyperparameter.
        "max": "A String", # Max value of the int parameter.
        "min": "A String", # Min value of the int parameter.
      },
    },
    "minSplitLoss": { # Search space for a double hyperparameter. # Minimum split loss for boosted tree models.
      "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
        "candidates": [ # Candidates for the double parameter in increasing order.
          3.14,
        ],
      },
      "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
        "max": 3.14, # Max value of the double parameter.
        "min": 3.14, # Min value of the double parameter.
      },
    },
    "minTreeChildWeight": { # Search space for an int hyperparameter. # Minimum sum of instance weight needed in a child for boosted tree models.
      "candidates": { # Discrete candidates of an int hyperparameter. # Candidates of the int hyperparameter.
        "candidates": [ # Candidates for the int parameter in increasing order.
          "A String",
        ],
      },
      "range": { # Range of an int hyperparameter. # Range of the int hyperparameter.
        "max": "A String", # Max value of the int parameter.
        "min": "A String", # Min value of the int parameter.
      },
    },
    "numClusters": { # Search space for an int hyperparameter. # Number of clusters for k-means.
      "candidates": { # Discrete candidates of an int hyperparameter. # Candidates of the int hyperparameter.
        "candidates": [ # Candidates for the int parameter in increasing order.
          "A String",
        ],
      },
      "range": { # Range of an int hyperparameter. # Range of the int hyperparameter.
        "max": "A String", # Max value of the int parameter.
        "min": "A String", # Min value of the int parameter.
      },
    },
    "numFactors": { # Search space for an int hyperparameter. # Number of latent factors to train on.
      "candidates": { # Discrete candidates of an int hyperparameter. # Candidates of the int hyperparameter.
        "candidates": [ # Candidates for the int parameter in increasing order.
          "A String",
        ],
      },
      "range": { # Range of an int hyperparameter. # Range of the int hyperparameter.
        "max": "A String", # Max value of the int parameter.
        "min": "A String", # Min value of the int parameter.
      },
    },
    "numParallelTree": { # Search space for an int hyperparameter. # Number of parallel trees for boosted tree models.
      "candidates": { # Discrete candidates of an int hyperparameter. # Candidates of the int hyperparameter.
        "candidates": [ # Candidates for the int parameter in increasing order.
          "A String",
        ],
      },
      "range": { # Range of an int hyperparameter. # Range of the int hyperparameter.
        "max": "A String", # Max value of the int parameter.
        "min": "A String", # Min value of the int parameter.
      },
    },
    "optimizer": { # Search space for string and enum. # Optimizer of TF models.
      "candidates": [ # Canididates for the string or enum parameter in lower case.
        "A String",
      ],
    },
    "subsample": { # Search space for a double hyperparameter. # Subsample the training data to grow tree to prevent overfitting for boosted tree models.
      "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
        "candidates": [ # Candidates for the double parameter in increasing order.
          3.14,
        ],
      },
      "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
        "max": 3.14, # Max value of the double parameter.
        "min": 3.14, # Min value of the double parameter.
      },
    },
    "treeMethod": { # Search space for string and enum. # Tree construction algorithm for boosted tree models.
      "candidates": [ # Canididates for the string or enum parameter in lower case.
        "A String",
      ],
    },
    "walsAlpha": { # Search space for a double hyperparameter. # Hyperparameter for matrix factoration when implicit feedback type is specified.
      "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
        "candidates": [ # Candidates for the double parameter in increasing order.
          3.14,
        ],
      },
      "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
        "max": 3.14, # Max value of the double parameter.
        "min": 3.14, # Min value of the double parameter.
      },
    },
  },
  "hparamTrials": [ # Output only. Trials of a [hyperparameter tuning](https://cloud.google.com/bigquery-ml/docs/reference/standard-sql/bigqueryml-syntax-hp-tuning-overview) model sorted by trial_id.
    { # Training info of a trial in [hyperparameter tuning](https://cloud.google.com/bigquery-ml/docs/reference/standard-sql/bigqueryml-syntax-hp-tuning-overview) models.
      "endTimeMs": "A String", # Ending time of the trial.
      "errorMessage": "A String", # Error message for FAILED and INFEASIBLE trial.
      "evalLoss": 3.14, # Loss computed on the eval data at the end of trial.
      "evaluationMetrics": { # Evaluation metrics of a model. These are either computed on all training data or just the eval data based on whether eval data was used during training. These are not present for imported models. # Evaluation metrics of this trial calculated on the test data. Empty in Job API.
        "arimaForecastingMetrics": { # Model evaluation metrics for ARIMA forecasting models. # Populated for ARIMA models.
          "arimaFittingMetrics": [ # Arima model fitting metrics.
            { # ARIMA model fitting metrics.
              "aic": 3.14, # AIC.
              "logLikelihood": 3.14, # Log-likelihood.
              "variance": 3.14, # Variance.
            },
          ],
          "arimaSingleModelForecastingMetrics": [ # Repeated as there can be many metric sets (one for each model) in auto-arima and the large-scale case.
            { # Model evaluation metrics for a single ARIMA forecasting model.
              "arimaFittingMetrics": { # ARIMA model fitting metrics. # Arima fitting metrics.
                "aic": 3.14, # AIC.
                "logLikelihood": 3.14, # Log-likelihood.
                "variance": 3.14, # Variance.
              },
              "hasDrift": True or False, # Is arima model fitted with drift or not. It is always false when d is not 1.
              "hasHolidayEffect": True or False, # If true, holiday_effect is a part of time series decomposition result.
              "hasSpikesAndDips": True or False, # If true, spikes_and_dips is a part of time series decomposition result.
              "hasStepChanges": True or False, # If true, step_changes is a part of time series decomposition result.
              "nonSeasonalOrder": { # Arima order, can be used for both non-seasonal and seasonal parts. # Non-seasonal order.
                "d": "A String", # Order of the differencing part.
                "p": "A String", # Order of the autoregressive part.
                "q": "A String", # Order of the moving-average part.
              },
              "seasonalPeriods": [ # Seasonal periods. Repeated because multiple periods are supported for one time series.
                "A String",
              ],
              "timeSeriesId": "A String", # The time_series_id value for this time series. It will be one of the unique values from the time_series_id_column specified during ARIMA model training. Only present when time_series_id_column training option was used.
              "timeSeriesIds": [ # The tuple of time_series_ids identifying this time series. It will be one of the unique tuples of values present in the time_series_id_columns specified during ARIMA model training. Only present when time_series_id_columns training option was used and the order of values here are same as the order of time_series_id_columns.
                "A String",
              ],
            },
          ],
          "hasDrift": [ # Whether Arima model fitted with drift or not. It is always false when d is not 1.
            True or False,
          ],
          "nonSeasonalOrder": [ # Non-seasonal order.
            { # Arima order, can be used for both non-seasonal and seasonal parts.
              "d": "A String", # Order of the differencing part.
              "p": "A String", # Order of the autoregressive part.
              "q": "A String", # Order of the moving-average part.
            },
          ],
          "seasonalPeriods": [ # Seasonal periods. Repeated because multiple periods are supported for one time series.
            "A String",
          ],
          "timeSeriesId": [ # Id to differentiate different time series for the large-scale case.
            "A String",
          ],
        },
        "binaryClassificationMetrics": { # Evaluation metrics for binary classification/classifier models. # Populated for binary classification/classifier models.
          "aggregateClassificationMetrics": { # Aggregate metrics for classification/classifier models. For multi-class models, the metrics are either macro-averaged or micro-averaged. When macro-averaged, the metrics are calculated for each label and then an unweighted average is taken of those values. When micro-averaged, the metric is calculated globally by counting the total number of correctly predicted rows. # Aggregate classification metrics.
            "accuracy": 3.14, # Accuracy is the fraction of predictions given the correct label. For multiclass this is a micro-averaged metric.
            "f1Score": 3.14, # The F1 score is an average of recall and precision. For multiclass this is a macro-averaged metric.
            "logLoss": 3.14, # Logarithmic Loss. For multiclass this is a macro-averaged metric.
            "precision": 3.14, # Precision is the fraction of actual positive predictions that had positive actual labels. For multiclass this is a macro-averaged metric treating each class as a binary classifier.
            "recall": 3.14, # Recall is the fraction of actual positive labels that were given a positive prediction. For multiclass this is a macro-averaged metric.
            "rocAuc": 3.14, # Area Under a ROC Curve. For multiclass this is a macro-averaged metric.
            "threshold": 3.14, # Threshold at which the metrics are computed. For binary classification models this is the positive class threshold. For multi-class classification models this is the confidence threshold.
          },
          "binaryConfusionMatrixList": [ # Binary confusion matrix at multiple thresholds.
            { # Confusion matrix for binary classification models.
              "accuracy": 3.14, # The fraction of predictions given the correct label.
              "f1Score": 3.14, # The equally weighted average of recall and precision.
              "falseNegatives": "A String", # Number of false samples predicted as false.
              "falsePositives": "A String", # Number of false samples predicted as true.
              "positiveClassThreshold": 3.14, # Threshold value used when computing each of the following metric.
              "precision": 3.14, # The fraction of actual positive predictions that had positive actual labels.
              "recall": 3.14, # The fraction of actual positive labels that were given a positive prediction.
              "trueNegatives": "A String", # Number of true samples predicted as false.
              "truePositives": "A String", # Number of true samples predicted as true.
            },
          ],
          "negativeLabel": "A String", # Label representing the negative class.
          "positiveLabel": "A String", # Label representing the positive class.
        },
        "clusteringMetrics": { # Evaluation metrics for clustering models. # Populated for clustering models.
          "clusters": [ # Information for all clusters.
            { # Message containing the information about one cluster.
              "centroidId": "A String", # Centroid id.
              "count": "A String", # Count of training data rows that were assigned to this cluster.
              "featureValues": [ # Values of highly variant features for this cluster.
                { # Representative value of a single feature within the cluster.
                  "categoricalValue": { # Representative value of a categorical feature. # The categorical feature value.
                    "categoryCounts": [ # Counts of all categories for the categorical feature. If there are more than ten categories, we return top ten (by count) and return one more CategoryCount with category "_OTHER_" and count as aggregate counts of remaining categories.
                      { # Represents the count of a single category within the cluster.
                        "category": "A String", # The name of category.
                        "count": "A String", # The count of training samples matching the category within the cluster.
                      },
                    ],
                  },
                  "featureColumn": "A String", # The feature column name.
                  "numericalValue": 3.14, # The numerical feature value. This is the centroid value for this feature.
                },
              ],
            },
          ],
          "daviesBouldinIndex": 3.14, # Davies-Bouldin index.
          "meanSquaredDistance": 3.14, # Mean of squared distances between each sample to its cluster centroid.
        },
        "dimensionalityReductionMetrics": { # Model evaluation metrics for dimensionality reduction models. # Evaluation metrics when the model is a dimensionality reduction model, which currently includes PCA.
          "totalExplainedVarianceRatio": 3.14, # Total percentage of variance explained by the selected principal components.
        },
        "multiClassClassificationMetrics": { # Evaluation metrics for multi-class classification/classifier models. # Populated for multi-class classification/classifier models.
          "aggregateClassificationMetrics": { # Aggregate metrics for classification/classifier models. For multi-class models, the metrics are either macro-averaged or micro-averaged. When macro-averaged, the metrics are calculated for each label and then an unweighted average is taken of those values. When micro-averaged, the metric is calculated globally by counting the total number of correctly predicted rows. # Aggregate classification metrics.
            "accuracy": 3.14, # Accuracy is the fraction of predictions given the correct label. For multiclass this is a micro-averaged metric.
            "f1Score": 3.14, # The F1 score is an average of recall and precision. For multiclass this is a macro-averaged metric.
            "logLoss": 3.14, # Logarithmic Loss. For multiclass this is a macro-averaged metric.
            "precision": 3.14, # Precision is the fraction of actual positive predictions that had positive actual labels. For multiclass this is a macro-averaged metric treating each class as a binary classifier.
            "recall": 3.14, # Recall is the fraction of actual positive labels that were given a positive prediction. For multiclass this is a macro-averaged metric.
            "rocAuc": 3.14, # Area Under a ROC Curve. For multiclass this is a macro-averaged metric.
            "threshold": 3.14, # Threshold at which the metrics are computed. For binary classification models this is the positive class threshold. For multi-class classification models this is the confidence threshold.
          },
          "confusionMatrixList": [ # Confusion matrix at different thresholds.
            { # Confusion matrix for multi-class classification models.
              "confidenceThreshold": 3.14, # Confidence threshold used when computing the entries of the confusion matrix.
              "rows": [ # One row per actual label.
                { # A single row in the confusion matrix.
                  "actualLabel": "A String", # The original label of this row.
                  "entries": [ # Info describing predicted label distribution.
                    { # A single entry in the confusion matrix.
                      "itemCount": "A String", # Number of items being predicted as this label.
                      "predictedLabel": "A String", # The predicted label. For confidence_threshold > 0, we will also add an entry indicating the number of items under the confidence threshold.
                    },
                  ],
                },
              ],
            },
          ],
        },
        "rankingMetrics": { # Evaluation metrics used by weighted-ALS models specified by feedback_type=implicit. # Populated for implicit feedback type matrix factorization models.
          "averageRank": 3.14, # Determines the goodness of a ranking by computing the percentile rank from the predicted confidence and dividing it by the original rank.
          "meanAveragePrecision": 3.14, # Calculates a precision per user for all the items by ranking them and then averages all the precisions across all the users.
          "meanSquaredError": 3.14, # Similar to the mean squared error computed in regression and explicit recommendation models except instead of computing the rating directly, the output from evaluate is computed against a preference which is 1 or 0 depending on if the rating exists or not.
          "normalizedDiscountedCumulativeGain": 3.14, # A metric to determine the goodness of a ranking calculated from the predicted confidence by comparing it to an ideal rank measured by the original ratings.
        },
        "regressionMetrics": { # Evaluation metrics for regression and explicit feedback type matrix factorization models. # Populated for regression models and explicit feedback type matrix factorization models.
          "meanAbsoluteError": 3.14, # Mean absolute error.
          "meanSquaredError": 3.14, # Mean squared error.
          "meanSquaredLogError": 3.14, # Mean squared log error.
          "medianAbsoluteError": 3.14, # Median absolute error.
          "rSquared": 3.14, # R^2 score. This corresponds to r2_score in ML.EVALUATE.
        },
      },
      "hparamTuningEvaluationMetrics": { # Evaluation metrics of a model. These are either computed on all training data or just the eval data based on whether eval data was used during training. These are not present for imported models. # Hyperparameter tuning evaluation metrics of this trial calculated on the eval data. Unlike evaluation_metrics, only the fields corresponding to the hparam_tuning_objectives are set.
        "arimaForecastingMetrics": { # Model evaluation metrics for ARIMA forecasting models. # Populated for ARIMA models.
          "arimaFittingMetrics": [ # Arima model fitting metrics.
            { # ARIMA model fitting metrics.
              "aic": 3.14, # AIC.
              "logLikelihood": 3.14, # Log-likelihood.
              "variance": 3.14, # Variance.
            },
          ],
          "arimaSingleModelForecastingMetrics": [ # Repeated as there can be many metric sets (one for each model) in auto-arima and the large-scale case.
            { # Model evaluation metrics for a single ARIMA forecasting model.
              "arimaFittingMetrics": { # ARIMA model fitting metrics. # Arima fitting metrics.
                "aic": 3.14, # AIC.
                "logLikelihood": 3.14, # Log-likelihood.
                "variance": 3.14, # Variance.
              },
              "hasDrift": True or False, # Is arima model fitted with drift or not. It is always false when d is not 1.
              "hasHolidayEffect": True or False, # If true, holiday_effect is a part of time series decomposition result.
              "hasSpikesAndDips": True or False, # If true, spikes_and_dips is a part of time series decomposition result.
              "hasStepChanges": True or False, # If true, step_changes is a part of time series decomposition result.
              "nonSeasonalOrder": { # Arima order, can be used for both non-seasonal and seasonal parts. # Non-seasonal order.
                "d": "A String", # Order of the differencing part.
                "p": "A String", # Order of the autoregressive part.
                "q": "A String", # Order of the moving-average part.
              },
              "seasonalPeriods": [ # Seasonal periods. Repeated because multiple periods are supported for one time series.
                "A String",
              ],
              "timeSeriesId": "A String", # The time_series_id value for this time series. It will be one of the unique values from the time_series_id_column specified during ARIMA model training. Only present when time_series_id_column training option was used.
              "timeSeriesIds": [ # The tuple of time_series_ids identifying this time series. It will be one of the unique tuples of values present in the time_series_id_columns specified during ARIMA model training. Only present when time_series_id_columns training option was used and the order of values here are same as the order of time_series_id_columns.
                "A String",
              ],
            },
          ],
          "hasDrift": [ # Whether Arima model fitted with drift or not. It is always false when d is not 1.
            True or False,
          ],
          "nonSeasonalOrder": [ # Non-seasonal order.
            { # Arima order, can be used for both non-seasonal and seasonal parts.
              "d": "A String", # Order of the differencing part.
              "p": "A String", # Order of the autoregressive part.
              "q": "A String", # Order of the moving-average part.
            },
          ],
          "seasonalPeriods": [ # Seasonal periods. Repeated because multiple periods are supported for one time series.
            "A String",
          ],
          "timeSeriesId": [ # Id to differentiate different time series for the large-scale case.
            "A String",
          ],
        },
        "binaryClassificationMetrics": { # Evaluation metrics for binary classification/classifier models. # Populated for binary classification/classifier models.
          "aggregateClassificationMetrics": { # Aggregate metrics for classification/classifier models. For multi-class models, the metrics are either macro-averaged or micro-averaged. When macro-averaged, the metrics are calculated for each label and then an unweighted average is taken of those values. When micro-averaged, the metric is calculated globally by counting the total number of correctly predicted rows. # Aggregate classification metrics.
            "accuracy": 3.14, # Accuracy is the fraction of predictions given the correct label. For multiclass this is a micro-averaged metric.
            "f1Score": 3.14, # The F1 score is an average of recall and precision. For multiclass this is a macro-averaged metric.
            "logLoss": 3.14, # Logarithmic Loss. For multiclass this is a macro-averaged metric.
            "precision": 3.14, # Precision is the fraction of actual positive predictions that had positive actual labels. For multiclass this is a macro-averaged metric treating each class as a binary classifier.
            "recall": 3.14, # Recall is the fraction of actual positive labels that were given a positive prediction. For multiclass this is a macro-averaged metric.
            "rocAuc": 3.14, # Area Under a ROC Curve. For multiclass this is a macro-averaged metric.
            "threshold": 3.14, # Threshold at which the metrics are computed. For binary classification models this is the positive class threshold. For multi-class classification models this is the confidence threshold.
          },
          "binaryConfusionMatrixList": [ # Binary confusion matrix at multiple thresholds.
            { # Confusion matrix for binary classification models.
              "accuracy": 3.14, # The fraction of predictions given the correct label.
              "f1Score": 3.14, # The equally weighted average of recall and precision.
              "falseNegatives": "A String", # Number of false samples predicted as false.
              "falsePositives": "A String", # Number of false samples predicted as true.
              "positiveClassThreshold": 3.14, # Threshold value used when computing each of the following metric.
              "precision": 3.14, # The fraction of actual positive predictions that had positive actual labels.
              "recall": 3.14, # The fraction of actual positive labels that were given a positive prediction.
              "trueNegatives": "A String", # Number of true samples predicted as false.
              "truePositives": "A String", # Number of true samples predicted as true.
            },
          ],
          "negativeLabel": "A String", # Label representing the negative class.
          "positiveLabel": "A String", # Label representing the positive class.
        },
        "clusteringMetrics": { # Evaluation metrics for clustering models. # Populated for clustering models.
          "clusters": [ # Information for all clusters.
            { # Message containing the information about one cluster.
              "centroidId": "A String", # Centroid id.
              "count": "A String", # Count of training data rows that were assigned to this cluster.
              "featureValues": [ # Values of highly variant features for this cluster.
                { # Representative value of a single feature within the cluster.
                  "categoricalValue": { # Representative value of a categorical feature. # The categorical feature value.
                    "categoryCounts": [ # Counts of all categories for the categorical feature. If there are more than ten categories, we return top ten (by count) and return one more CategoryCount with category "_OTHER_" and count as aggregate counts of remaining categories.
                      { # Represents the count of a single category within the cluster.
                        "category": "A String", # The name of category.
                        "count": "A String", # The count of training samples matching the category within the cluster.
                      },
                    ],
                  },
                  "featureColumn": "A String", # The feature column name.
                  "numericalValue": 3.14, # The numerical feature value. This is the centroid value for this feature.
                },
              ],
            },
          ],
          "daviesBouldinIndex": 3.14, # Davies-Bouldin index.
          "meanSquaredDistance": 3.14, # Mean of squared distances between each sample to its cluster centroid.
        },
        "dimensionalityReductionMetrics": { # Model evaluation metrics for dimensionality reduction models. # Evaluation metrics when the model is a dimensionality reduction model, which currently includes PCA.
          "totalExplainedVarianceRatio": 3.14, # Total percentage of variance explained by the selected principal components.
        },
        "multiClassClassificationMetrics": { # Evaluation metrics for multi-class classification/classifier models. # Populated for multi-class classification/classifier models.
          "aggregateClassificationMetrics": { # Aggregate metrics for classification/classifier models. For multi-class models, the metrics are either macro-averaged or micro-averaged. When macro-averaged, the metrics are calculated for each label and then an unweighted average is taken of those values. When micro-averaged, the metric is calculated globally by counting the total number of correctly predicted rows. # Aggregate classification metrics.
            "accuracy": 3.14, # Accuracy is the fraction of predictions given the correct label. For multiclass this is a micro-averaged metric.
            "f1Score": 3.14, # The F1 score is an average of recall and precision. For multiclass this is a macro-averaged metric.
            "logLoss": 3.14, # Logarithmic Loss. For multiclass this is a macro-averaged metric.
            "precision": 3.14, # Precision is the fraction of actual positive predictions that had positive actual labels. For multiclass this is a macro-averaged metric treating each class as a binary classifier.
            "recall": 3.14, # Recall is the fraction of actual positive labels that were given a positive prediction. For multiclass this is a macro-averaged metric.
            "rocAuc": 3.14, # Area Under a ROC Curve. For multiclass this is a macro-averaged metric.
            "threshold": 3.14, # Threshold at which the metrics are computed. For binary classification models this is the positive class threshold. For multi-class classification models this is the confidence threshold.
          },
          "confusionMatrixList": [ # Confusion matrix at different thresholds.
            { # Confusion matrix for multi-class classification models.
              "confidenceThreshold": 3.14, # Confidence threshold used when computing the entries of the confusion matrix.
              "rows": [ # One row per actual label.
                { # A single row in the confusion matrix.
                  "actualLabel": "A String", # The original label of this row.
                  "entries": [ # Info describing predicted label distribution.
                    { # A single entry in the confusion matrix.
                      "itemCount": "A String", # Number of items being predicted as this label.
                      "predictedLabel": "A String", # The predicted label. For confidence_threshold > 0, we will also add an entry indicating the number of items under the confidence threshold.
                    },
                  ],
                },
              ],
            },
          ],
        },
        "rankingMetrics": { # Evaluation metrics used by weighted-ALS models specified by feedback_type=implicit. # Populated for implicit feedback type matrix factorization models.
          "averageRank": 3.14, # Determines the goodness of a ranking by computing the percentile rank from the predicted confidence and dividing it by the original rank.
          "meanAveragePrecision": 3.14, # Calculates a precision per user for all the items by ranking them and then averages all the precisions across all the users.
          "meanSquaredError": 3.14, # Similar to the mean squared error computed in regression and explicit recommendation models except instead of computing the rating directly, the output from evaluate is computed against a preference which is 1 or 0 depending on if the rating exists or not.
          "normalizedDiscountedCumulativeGain": 3.14, # A metric to determine the goodness of a ranking calculated from the predicted confidence by comparing it to an ideal rank measured by the original ratings.
        },
        "regressionMetrics": { # Evaluation metrics for regression and explicit feedback type matrix factorization models. # Populated for regression models and explicit feedback type matrix factorization models.
          "meanAbsoluteError": 3.14, # Mean absolute error.
          "meanSquaredError": 3.14, # Mean squared error.
          "meanSquaredLogError": 3.14, # Mean squared log error.
          "medianAbsoluteError": 3.14, # Median absolute error.
          "rSquared": 3.14, # R^2 score. This corresponds to r2_score in ML.EVALUATE.
        },
      },
      "hparams": { # Options used in model training. # The hyperprameters selected for this trial.
        "activationFn": "A String", # Activation function of the neural nets.
        "adjustStepChanges": True or False, # If true, detect step changes and make data adjustment in the input time series.
        "approxGlobalFeatureContrib": True or False, # Whether to use approximate feature contribution method in XGBoost model explanation for global explain.
        "autoArima": True or False, # Whether to enable auto ARIMA or not.
        "autoArimaMaxOrder": "A String", # The max value of the sum of non-seasonal p and q.
        "autoArimaMinOrder": "A String", # The min value of the sum of non-seasonal p and q.
        "autoClassWeights": True or False, # Whether to calculate class weights automatically based on the popularity of each label.
        "batchSize": "A String", # Batch size for dnn models.
        "boosterType": "A String", # Booster type for boosted tree models.
        "budgetHours": 3.14, # Budget in hours for AutoML training.
        "calculatePValues": True or False, # Whether or not p-value test should be computed for this model. Only available for linear and logistic regression models.
        "categoryEncodingMethod": "A String", # Categorical feature encoding method.
        "cleanSpikesAndDips": True or False, # If true, clean spikes and dips in the input time series.
        "colorSpace": "A String", # Enums for color space, used for processing images in Object Table. See more details at https://www.tensorflow.org/io/tutorials/colorspace.
        "colsampleBylevel": 3.14, # Subsample ratio of columns for each level for boosted tree models.
        "colsampleBynode": 3.14, # Subsample ratio of columns for each node(split) for boosted tree models.
        "colsampleBytree": 3.14, # Subsample ratio of columns when constructing each tree for boosted tree models.
        "contributionMetric": "A String", # The contribution metric. Applies to contribution analysis models. Allowed formats supported are for summable and summable ratio contribution metrics. These include expressions such as `SUM(x)` or `SUM(x)/SUM(y)`, where x and y are column names from the base table.
        "dartNormalizeType": "A String", # Type of normalization algorithm for boosted tree models using dart booster.
        "dataFrequency": "A String", # The data frequency of a time series.
        "dataSplitColumn": "A String", # The column to split data with. This column won't be used as a feature. 1. When data_split_method is CUSTOM, the corresponding column should be boolean. The rows with true value tag are eval data, and the false are training data. 2. When data_split_method is SEQ, the first DATA_SPLIT_EVAL_FRACTION rows (from smallest to largest) in the corresponding column are used as training data, and the rest are eval data. It respects the order in Orderable data types: https://cloud.google.com/bigquery/docs/reference/standard-sql/data-types#data_type_properties
        "dataSplitEvalFraction": 3.14, # The fraction of evaluation data over the whole input data. The rest of data will be used as training data. The format should be double. Accurate to two decimal places. Default value is 0.2.
        "dataSplitMethod": "A String", # The data split type for training and evaluation, e.g. RANDOM.
        "decomposeTimeSeries": True or False, # If true, perform decompose time series and save the results.
        "dimensionIdColumns": [ # Optional. Names of the columns to slice on. Applies to contribution analysis models.
          "A String",
        ],
        "distanceType": "A String", # Distance type for clustering models.
        "dropout": 3.14, # Dropout probability for dnn models.
        "earlyStop": True or False, # Whether to stop early when the loss doesn't improve significantly any more (compared to min_relative_progress). Used only for iterative training algorithms.
        "enableGlobalExplain": True or False, # If true, enable global explanation during training.
        "feedbackType": "A String", # Feedback type that specifies which algorithm to run for matrix factorization.
        "fitIntercept": True or False, # Whether the model should include intercept during model training.
        "forecastLimitLowerBound": 3.14, # The forecast limit lower bound that was used during ARIMA model training with limits. To see more details of the algorithm: https://otexts.com/fpp2/limits.html
        "forecastLimitUpperBound": 3.14, # The forecast limit upper bound that was used during ARIMA model training with limits.
        "hiddenUnits": [ # Hidden units for dnn models.
          "A String",
        ],
        "holidayRegion": "A String", # The geographical region based on which the holidays are considered in time series modeling. If a valid value is specified, then holiday effects modeling is enabled.
        "holidayRegions": [ # A list of geographical regions that are used for time series modeling.
          "A String",
        ],
        "horizon": "A String", # The number of periods ahead that need to be forecasted.
        "hparamTuningObjectives": [ # The target evaluation metrics to optimize the hyperparameters for.
          "A String",
        ],
        "includeDrift": True or False, # Include drift when fitting an ARIMA model.
        "initialLearnRate": 3.14, # Specifies the initial learning rate for the line search learn rate strategy.
        "inputLabelColumns": [ # Name of input label columns in training data.
          "A String",
        ],
        "instanceWeightColumn": "A String", # Name of the instance weight column for training data. This column isn't be used as a feature.
        "integratedGradientsNumSteps": "A String", # Number of integral steps for the integrated gradients explain method.
        "isTestColumn": "A String", # Name of the column used to determine the rows corresponding to control and test. Applies to contribution analysis models.
        "itemColumn": "A String", # Item column specified for matrix factorization models.
        "kmeansInitializationColumn": "A String", # The column used to provide the initial centroids for kmeans algorithm when kmeans_initialization_method is CUSTOM.
        "kmeansInitializationMethod": "A String", # The method used to initialize the centroids for kmeans algorithm.
        "l1RegActivation": 3.14, # L1 regularization coefficient to activations.
        "l1Regularization": 3.14, # L1 regularization coefficient.
        "l2Regularization": 3.14, # L2 regularization coefficient.
        "labelClassWeights": { # Weights associated with each label class, for rebalancing the training data. Only applicable for classification models.
          "a_key": 3.14,
        },
        "learnRate": 3.14, # Learning rate in training. Used only for iterative training algorithms.
        "learnRateStrategy": "A String", # The strategy to determine learn rate for the current iteration.
        "lossType": "A String", # Type of loss function used during training run.
        "maxIterations": "A String", # The maximum number of iterations in training. Used only for iterative training algorithms.
        "maxParallelTrials": "A String", # Maximum number of trials to run in parallel.
        "maxTimeSeriesLength": "A String", # The maximum number of time points in a time series that can be used in modeling the trend component of the time series. Don't use this option with the `timeSeriesLengthFraction` or `minTimeSeriesLength` options.
        "maxTreeDepth": "A String", # Maximum depth of a tree for boosted tree models.
        "minAprioriSupport": 3.14, # The apriori support minimum. Applies to contribution analysis models.
        "minRelativeProgress": 3.14, # When early_stop is true, stops training when accuracy improvement is less than 'min_relative_progress'. Used only for iterative training algorithms.
        "minSplitLoss": 3.14, # Minimum split loss for boosted tree models.
        "minTimeSeriesLength": "A String", # The minimum number of time points in a time series that are used in modeling the trend component of the time series. If you use this option you must also set the `timeSeriesLengthFraction` option. This training option ensures that enough time points are available when you use `timeSeriesLengthFraction` in trend modeling. This is particularly important when forecasting multiple time series in a single query using `timeSeriesIdColumn`. If the total number of time points is less than the `minTimeSeriesLength` value, then the query uses all available time points.
        "minTreeChildWeight": "A String", # Minimum sum of instance weight needed in a child for boosted tree models.
        "modelRegistry": "A String", # The model registry.
        "modelUri": "A String", # Google Cloud Storage URI from which the model was imported. Only applicable for imported models.
        "nonSeasonalOrder": { # Arima order, can be used for both non-seasonal and seasonal parts. # A specification of the non-seasonal part of the ARIMA model: the three components (p, d, q) are the AR order, the degree of differencing, and the MA order.
          "d": "A String", # Order of the differencing part.
          "p": "A String", # Order of the autoregressive part.
          "q": "A String", # Order of the moving-average part.
        },
        "numClusters": "A String", # Number of clusters for clustering models.
        "numFactors": "A String", # Num factors specified for matrix factorization models.
        "numParallelTree": "A String", # Number of parallel trees constructed during each iteration for boosted tree models.
        "numPrincipalComponents": "A String", # Number of principal components to keep in the PCA model. Must be <= the number of features.
        "numTrials": "A String", # Number of trials to run this hyperparameter tuning job.
        "optimizationStrategy": "A String", # Optimization strategy for training linear regression models.
        "optimizer": "A String", # Optimizer used for training the neural nets.
        "pcaExplainedVarianceRatio": 3.14, # The minimum ratio of cumulative explained variance that needs to be given by the PCA model.
        "pcaSolver": "A String", # The solver for PCA.
        "sampledShapleyNumPaths": "A String", # Number of paths for the sampled Shapley explain method.
        "scaleFeatures": True or False, # If true, scale the feature values by dividing the feature standard deviation. Currently only apply to PCA.
        "standardizeFeatures": True or False, # Whether to standardize numerical features. Default to true.
        "subsample": 3.14, # Subsample fraction of the training data to grow tree to prevent overfitting for boosted tree models.
        "tfVersion": "A String", # Based on the selected TF version, the corresponding docker image is used to train external models.
        "timeSeriesDataColumn": "A String", # Column to be designated as time series data for ARIMA model.
        "timeSeriesIdColumn": "A String", # The time series id column that was used during ARIMA model training.
        "timeSeriesIdColumns": [ # The time series id columns that were used during ARIMA model training.
          "A String",
        ],
        "timeSeriesLengthFraction": 3.14, # The fraction of the interpolated length of the time series that's used to model the time series trend component. All of the time points of the time series are used to model the non-trend component. This training option accelerates modeling training without sacrificing much forecasting accuracy. You can use this option with `minTimeSeriesLength` but not with `maxTimeSeriesLength`.
        "timeSeriesTimestampColumn": "A String", # Column to be designated as time series timestamp for ARIMA model.
        "treeMethod": "A String", # Tree construction algorithm for boosted tree models.
        "trendSmoothingWindowSize": "A String", # Smoothing window size for the trend component. When a positive value is specified, a center moving average smoothing is applied on the history trend. When the smoothing window is out of the boundary at the beginning or the end of the trend, the first element or the last element is padded to fill the smoothing window before the average is applied.
        "userColumn": "A String", # User column specified for matrix factorization models.
        "vertexAiModelVersionAliases": [ # The version aliases to apply in Vertex AI model registry. Always overwrite if the version aliases exists in a existing model.
          "A String",
        ],
        "walsAlpha": 3.14, # Hyperparameter for matrix factoration when implicit feedback type is specified.
        "warmStart": True or False, # Whether to train a model from the last checkpoint.
        "xgboostVersion": "A String", # User-selected XGBoost versions for training of XGBoost models.
      },
      "startTimeMs": "A String", # Starting time of the trial.
      "status": "A String", # The status of the trial.
      "trainingLoss": 3.14, # Loss computed on the training data at the end of trial.
      "trialId": "A String", # 1-based index of the trial.
    },
  ],
  "labelColumns": [ # Output only. Label columns that were used to train this model. The output of the model will have a "predicted_" prefix to these columns.
    { # A field or a column.
      "name": "A String", # Optional. The name of this field. Can be absent for struct fields.
      "type": # Object with schema name: StandardSqlDataType # Optional. The type of this parameter. Absent if not explicitly specified (e.g., CREATE FUNCTION statement can omit the return type; in this case the output parameter does not have this "type" field).
    },
  ],
  "labels": { # The labels associated with this model. You can use these to organize and group your models. Label keys and values can be no longer than 63 characters, can only contain lowercase letters, numeric characters, underscores and dashes. International characters are allowed. Label values are optional. Label keys must start with a letter and each label in the list must have a different key.
    "a_key": "A String",
  },
  "lastModifiedTime": "A String", # Output only. The time when this model was last modified, in millisecs since the epoch.
  "location": "A String", # Output only. The geographic location where the model resides. This value is inherited from the dataset.
  "modelReference": { # Id path of a model. # Required. Unique identifier for this model.
    "datasetId": "A String", # Required. The ID of the dataset containing this model.
    "modelId": "A String", # Required. The ID of the model. The ID must contain only letters (a-z, A-Z), numbers (0-9), or underscores (_). The maximum length is 1,024 characters.
    "projectId": "A String", # Required. The ID of the project containing this model.
  },
  "modelType": "A String", # Output only. Type of the model resource.
  "optimalTrialIds": [ # Output only. For single-objective [hyperparameter tuning](https://cloud.google.com/bigquery-ml/docs/reference/standard-sql/bigqueryml-syntax-hp-tuning-overview) models, it only contains the best trial. For multi-objective [hyperparameter tuning](https://cloud.google.com/bigquery-ml/docs/reference/standard-sql/bigqueryml-syntax-hp-tuning-overview) models, it contains all Pareto optimal trials sorted by trial_id.
    "A String",
  ],
  "remoteModelInfo": { # Remote Model Info # Output only. Remote model info
    "connection": "A String", # Output only. Fully qualified name of the user-provided connection object of the remote model. Format: ```"projects/{project_id}/locations/{location_id}/connections/{connection_id}"```
    "endpoint": "A String", # Output only. The endpoint for remote model.
    "maxBatchingRows": "A String", # Output only. Max number of rows in each batch sent to the remote service. If unset, the number of rows in each batch is set dynamically.
    "remoteModelVersion": "A String", # Output only. The model version for LLM.
    "remoteServiceType": "A String", # Output only. The remote service type for remote model.
    "speechRecognizer": "A String", # Output only. The name of the speech recognizer to use for speech recognition. The expected format is `projects/{project}/locations/{location}/recognizers/{recognizer}`. Customers can specify this field at model creation. If not specified, a default recognizer `projects/{model project}/locations/global/recognizers/_` will be used. See more details at [recognizers](https://cloud.google.com/speech-to-text/v2/docs/reference/rest/v2/projects.locations.recognizers)
  },
  "trainingRuns": [ # Information for all training runs in increasing order of start_time.
    { # Information about a single training query run for the model.
      "classLevelGlobalExplanations": [ # Output only. Global explanation contains the explanation of top features on the class level. Applies to classification models only.
        { # Global explanations containing the top most important features after training.
          "classLabel": "A String", # Class label for this set of global explanations. Will be empty/null for binary logistic and linear regression models. Sorted alphabetically in descending order.
          "explanations": [ # A list of the top global explanations. Sorted by absolute value of attribution in descending order.
            { # Explanation for a single feature.
              "attribution": 3.14, # Attribution of feature.
              "featureName": "A String", # The full feature name. For non-numerical features, will be formatted like `.`. Overall size of feature name will always be truncated to first 120 characters.
            },
          ],
        },
      ],
      "dataSplitResult": { # Data split result. This contains references to the training and evaluation data tables that were used to train the model. # Output only. Data split result of the training run. Only set when the input data is actually split.
        "evaluationTable": { # Table reference of the evaluation data after split.
          "datasetId": "A String", # Required. The ID of the dataset containing this table.
          "projectId": "A String", # Required. The ID of the project containing this table.
          "tableId": "A String", # Required. The ID of the table. The ID can contain Unicode characters in category L (letter), M (mark), N (number), Pc (connector, including underscore), Pd (dash), and Zs (space). For more information, see [General Category](https://wikipedia.org/wiki/Unicode_character_property#General_Category). The maximum length is 1,024 characters. Certain operations allow suffixing of the table ID with a partition decorator, such as `sample_table$20190123`.
        },
        "testTable": { # Table reference of the test data after split.
          "datasetId": "A String", # Required. The ID of the dataset containing this table.
          "projectId": "A String", # Required. The ID of the project containing this table.
          "tableId": "A String", # Required. The ID of the table. The ID can contain Unicode characters in category L (letter), M (mark), N (number), Pc (connector, including underscore), Pd (dash), and Zs (space). For more information, see [General Category](https://wikipedia.org/wiki/Unicode_character_property#General_Category). The maximum length is 1,024 characters. Certain operations allow suffixing of the table ID with a partition decorator, such as `sample_table$20190123`.
        },
        "trainingTable": { # Table reference of the training data after split.
          "datasetId": "A String", # Required. The ID of the dataset containing this table.
          "projectId": "A String", # Required. The ID of the project containing this table.
          "tableId": "A String", # Required. The ID of the table. The ID can contain Unicode characters in category L (letter), M (mark), N (number), Pc (connector, including underscore), Pd (dash), and Zs (space). For more information, see [General Category](https://wikipedia.org/wiki/Unicode_character_property#General_Category). The maximum length is 1,024 characters. Certain operations allow suffixing of the table ID with a partition decorator, such as `sample_table$20190123`.
        },
      },
      "evaluationMetrics": { # Evaluation metrics of a model. These are either computed on all training data or just the eval data based on whether eval data was used during training. These are not present for imported models. # Output only. The evaluation metrics over training/eval data that were computed at the end of training.
        "arimaForecastingMetrics": { # Model evaluation metrics for ARIMA forecasting models. # Populated for ARIMA models.
          "arimaFittingMetrics": [ # Arima model fitting metrics.
            { # ARIMA model fitting metrics.
              "aic": 3.14, # AIC.
              "logLikelihood": 3.14, # Log-likelihood.
              "variance": 3.14, # Variance.
            },
          ],
          "arimaSingleModelForecastingMetrics": [ # Repeated as there can be many metric sets (one for each model) in auto-arima and the large-scale case.
            { # Model evaluation metrics for a single ARIMA forecasting model.
              "arimaFittingMetrics": { # ARIMA model fitting metrics. # Arima fitting metrics.
                "aic": 3.14, # AIC.
                "logLikelihood": 3.14, # Log-likelihood.
                "variance": 3.14, # Variance.
              },
              "hasDrift": True or False, # Is arima model fitted with drift or not. It is always false when d is not 1.
              "hasHolidayEffect": True or False, # If true, holiday_effect is a part of time series decomposition result.
              "hasSpikesAndDips": True or False, # If true, spikes_and_dips is a part of time series decomposition result.
              "hasStepChanges": True or False, # If true, step_changes is a part of time series decomposition result.
              "nonSeasonalOrder": { # Arima order, can be used for both non-seasonal and seasonal parts. # Non-seasonal order.
                "d": "A String", # Order of the differencing part.
                "p": "A String", # Order of the autoregressive part.
                "q": "A String", # Order of the moving-average part.
              },
              "seasonalPeriods": [ # Seasonal periods. Repeated because multiple periods are supported for one time series.
                "A String",
              ],
              "timeSeriesId": "A String", # The time_series_id value for this time series. It will be one of the unique values from the time_series_id_column specified during ARIMA model training. Only present when time_series_id_column training option was used.
              "timeSeriesIds": [ # The tuple of time_series_ids identifying this time series. It will be one of the unique tuples of values present in the time_series_id_columns specified during ARIMA model training. Only present when time_series_id_columns training option was used and the order of values here are same as the order of time_series_id_columns.
                "A String",
              ],
            },
          ],
          "hasDrift": [ # Whether Arima model fitted with drift or not. It is always false when d is not 1.
            True or False,
          ],
          "nonSeasonalOrder": [ # Non-seasonal order.
            { # Arima order, can be used for both non-seasonal and seasonal parts.
              "d": "A String", # Order of the differencing part.
              "p": "A String", # Order of the autoregressive part.
              "q": "A String", # Order of the moving-average part.
            },
          ],
          "seasonalPeriods": [ # Seasonal periods. Repeated because multiple periods are supported for one time series.
            "A String",
          ],
          "timeSeriesId": [ # Id to differentiate different time series for the large-scale case.
            "A String",
          ],
        },
        "binaryClassificationMetrics": { # Evaluation metrics for binary classification/classifier models. # Populated for binary classification/classifier models.
          "aggregateClassificationMetrics": { # Aggregate metrics for classification/classifier models. For multi-class models, the metrics are either macro-averaged or micro-averaged. When macro-averaged, the metrics are calculated for each label and then an unweighted average is taken of those values. When micro-averaged, the metric is calculated globally by counting the total number of correctly predicted rows. # Aggregate classification metrics.
            "accuracy": 3.14, # Accuracy is the fraction of predictions given the correct label. For multiclass this is a micro-averaged metric.
            "f1Score": 3.14, # The F1 score is an average of recall and precision. For multiclass this is a macro-averaged metric.
            "logLoss": 3.14, # Logarithmic Loss. For multiclass this is a macro-averaged metric.
            "precision": 3.14, # Precision is the fraction of actual positive predictions that had positive actual labels. For multiclass this is a macro-averaged metric treating each class as a binary classifier.
            "recall": 3.14, # Recall is the fraction of actual positive labels that were given a positive prediction. For multiclass this is a macro-averaged metric.
            "rocAuc": 3.14, # Area Under a ROC Curve. For multiclass this is a macro-averaged metric.
            "threshold": 3.14, # Threshold at which the metrics are computed. For binary classification models this is the positive class threshold. For multi-class classification models this is the confidence threshold.
          },
          "binaryConfusionMatrixList": [ # Binary confusion matrix at multiple thresholds.
            { # Confusion matrix for binary classification models.
              "accuracy": 3.14, # The fraction of predictions given the correct label.
              "f1Score": 3.14, # The equally weighted average of recall and precision.
              "falseNegatives": "A String", # Number of false samples predicted as false.
              "falsePositives": "A String", # Number of false samples predicted as true.
              "positiveClassThreshold": 3.14, # Threshold value used when computing each of the following metric.
              "precision": 3.14, # The fraction of actual positive predictions that had positive actual labels.
              "recall": 3.14, # The fraction of actual positive labels that were given a positive prediction.
              "trueNegatives": "A String", # Number of true samples predicted as false.
              "truePositives": "A String", # Number of true samples predicted as true.
            },
          ],
          "negativeLabel": "A String", # Label representing the negative class.
          "positiveLabel": "A String", # Label representing the positive class.
        },
        "clusteringMetrics": { # Evaluation metrics for clustering models. # Populated for clustering models.
          "clusters": [ # Information for all clusters.
            { # Message containing the information about one cluster.
              "centroidId": "A String", # Centroid id.
              "count": "A String", # Count of training data rows that were assigned to this cluster.
              "featureValues": [ # Values of highly variant features for this cluster.
                { # Representative value of a single feature within the cluster.
                  "categoricalValue": { # Representative value of a categorical feature. # The categorical feature value.
                    "categoryCounts": [ # Counts of all categories for the categorical feature. If there are more than ten categories, we return top ten (by count) and return one more CategoryCount with category "_OTHER_" and count as aggregate counts of remaining categories.
                      { # Represents the count of a single category within the cluster.
                        "category": "A String", # The name of category.
                        "count": "A String", # The count of training samples matching the category within the cluster.
                      },
                    ],
                  },
                  "featureColumn": "A String", # The feature column name.
                  "numericalValue": 3.14, # The numerical feature value. This is the centroid value for this feature.
                },
              ],
            },
          ],
          "daviesBouldinIndex": 3.14, # Davies-Bouldin index.
          "meanSquaredDistance": 3.14, # Mean of squared distances between each sample to its cluster centroid.
        },
        "dimensionalityReductionMetrics": { # Model evaluation metrics for dimensionality reduction models. # Evaluation metrics when the model is a dimensionality reduction model, which currently includes PCA.
          "totalExplainedVarianceRatio": 3.14, # Total percentage of variance explained by the selected principal components.
        },
        "multiClassClassificationMetrics": { # Evaluation metrics for multi-class classification/classifier models. # Populated for multi-class classification/classifier models.
          "aggregateClassificationMetrics": { # Aggregate metrics for classification/classifier models. For multi-class models, the metrics are either macro-averaged or micro-averaged. When macro-averaged, the metrics are calculated for each label and then an unweighted average is taken of those values. When micro-averaged, the metric is calculated globally by counting the total number of correctly predicted rows. # Aggregate classification metrics.
            "accuracy": 3.14, # Accuracy is the fraction of predictions given the correct label. For multiclass this is a micro-averaged metric.
            "f1Score": 3.14, # The F1 score is an average of recall and precision. For multiclass this is a macro-averaged metric.
            "logLoss": 3.14, # Logarithmic Loss. For multiclass this is a macro-averaged metric.
            "precision": 3.14, # Precision is the fraction of actual positive predictions that had positive actual labels. For multiclass this is a macro-averaged metric treating each class as a binary classifier.
            "recall": 3.14, # Recall is the fraction of actual positive labels that were given a positive prediction. For multiclass this is a macro-averaged metric.
            "rocAuc": 3.14, # Area Under a ROC Curve. For multiclass this is a macro-averaged metric.
            "threshold": 3.14, # Threshold at which the metrics are computed. For binary classification models this is the positive class threshold. For multi-class classification models this is the confidence threshold.
          },
          "confusionMatrixList": [ # Confusion matrix at different thresholds.
            { # Confusion matrix for multi-class classification models.
              "confidenceThreshold": 3.14, # Confidence threshold used when computing the entries of the confusion matrix.
              "rows": [ # One row per actual label.
                { # A single row in the confusion matrix.
                  "actualLabel": "A String", # The original label of this row.
                  "entries": [ # Info describing predicted label distribution.
                    { # A single entry in the confusion matrix.
                      "itemCount": "A String", # Number of items being predicted as this label.
                      "predictedLabel": "A String", # The predicted label. For confidence_threshold > 0, we will also add an entry indicating the number of items under the confidence threshold.
                    },
                  ],
                },
              ],
            },
          ],
        },
        "rankingMetrics": { # Evaluation metrics used by weighted-ALS models specified by feedback_type=implicit. # Populated for implicit feedback type matrix factorization models.
          "averageRank": 3.14, # Determines the goodness of a ranking by computing the percentile rank from the predicted confidence and dividing it by the original rank.
          "meanAveragePrecision": 3.14, # Calculates a precision per user for all the items by ranking them and then averages all the precisions across all the users.
          "meanSquaredError": 3.14, # Similar to the mean squared error computed in regression and explicit recommendation models except instead of computing the rating directly, the output from evaluate is computed against a preference which is 1 or 0 depending on if the rating exists or not.
          "normalizedDiscountedCumulativeGain": 3.14, # A metric to determine the goodness of a ranking calculated from the predicted confidence by comparing it to an ideal rank measured by the original ratings.
        },
        "regressionMetrics": { # Evaluation metrics for regression and explicit feedback type matrix factorization models. # Populated for regression models and explicit feedback type matrix factorization models.
          "meanAbsoluteError": 3.14, # Mean absolute error.
          "meanSquaredError": 3.14, # Mean squared error.
          "meanSquaredLogError": 3.14, # Mean squared log error.
          "medianAbsoluteError": 3.14, # Median absolute error.
          "rSquared": 3.14, # R^2 score. This corresponds to r2_score in ML.EVALUATE.
        },
      },
      "modelLevelGlobalExplanation": { # Global explanations containing the top most important features after training. # Output only. Global explanation contains the explanation of top features on the model level. Applies to both regression and classification models.
        "classLabel": "A String", # Class label for this set of global explanations. Will be empty/null for binary logistic and linear regression models. Sorted alphabetically in descending order.
        "explanations": [ # A list of the top global explanations. Sorted by absolute value of attribution in descending order.
          { # Explanation for a single feature.
            "attribution": 3.14, # Attribution of feature.
            "featureName": "A String", # The full feature name. For non-numerical features, will be formatted like `.`. Overall size of feature name will always be truncated to first 120 characters.
          },
        ],
      },
      "results": [ # Output only. Output of each iteration run, results.size() <= max_iterations.
        { # Information about a single iteration of the training run.
          "arimaResult": { # (Auto-)arima fitting result. Wrap everything in ArimaResult for easier refactoring if we want to use model-specific iteration results. # Arima result.
            "arimaModelInfo": [ # This message is repeated because there are multiple arima models fitted in auto-arima. For non-auto-arima model, its size is one.
              { # Arima model information.
                "arimaCoefficients": { # Arima coefficients. # Arima coefficients.
                  "autoRegressiveCoefficients": [ # Auto-regressive coefficients, an array of double.
                    3.14,
                  ],
                  "interceptCoefficient": 3.14, # Intercept coefficient, just a double not an array.
                  "movingAverageCoefficients": [ # Moving-average coefficients, an array of double.
                    3.14,
                  ],
                },
                "arimaFittingMetrics": { # ARIMA model fitting metrics. # Arima fitting metrics.
                  "aic": 3.14, # AIC.
                  "logLikelihood": 3.14, # Log-likelihood.
                  "variance": 3.14, # Variance.
                },
                "hasDrift": True or False, # Whether Arima model fitted with drift or not. It is always false when d is not 1.
                "hasHolidayEffect": True or False, # If true, holiday_effect is a part of time series decomposition result.
                "hasSpikesAndDips": True or False, # If true, spikes_and_dips is a part of time series decomposition result.
                "hasStepChanges": True or False, # If true, step_changes is a part of time series decomposition result.
                "nonSeasonalOrder": { # Arima order, can be used for both non-seasonal and seasonal parts. # Non-seasonal order.
                  "d": "A String", # Order of the differencing part.
                  "p": "A String", # Order of the autoregressive part.
                  "q": "A String", # Order of the moving-average part.
                },
                "seasonalPeriods": [ # Seasonal periods. Repeated because multiple periods are supported for one time series.
                  "A String",
                ],
                "timeSeriesId": "A String", # The time_series_id value for this time series. It will be one of the unique values from the time_series_id_column specified during ARIMA model training. Only present when time_series_id_column training option was used.
                "timeSeriesIds": [ # The tuple of time_series_ids identifying this time series. It will be one of the unique tuples of values present in the time_series_id_columns specified during ARIMA model training. Only present when time_series_id_columns training option was used and the order of values here are same as the order of time_series_id_columns.
                  "A String",
                ],
              },
            ],
            "seasonalPeriods": [ # Seasonal periods. Repeated because multiple periods are supported for one time series.
              "A String",
            ],
          },
          "clusterInfos": [ # Information about top clusters for clustering models.
            { # Information about a single cluster for clustering model.
              "centroidId": "A String", # Centroid id.
              "clusterRadius": 3.14, # Cluster radius, the average distance from centroid to each point assigned to the cluster.
              "clusterSize": "A String", # Cluster size, the total number of points assigned to the cluster.
            },
          ],
          "durationMs": "A String", # Time taken to run the iteration in milliseconds.
          "evalLoss": 3.14, # Loss computed on the eval data at the end of iteration.
          "index": 42, # Index of the iteration, 0 based.
          "learnRate": 3.14, # Learn rate used for this iteration.
          "principalComponentInfos": [ # The information of the principal components.
            { # Principal component infos, used only for eigen decomposition based models, e.g., PCA. Ordered by explained_variance in the descending order.
              "cumulativeExplainedVarianceRatio": 3.14, # The explained_variance is pre-ordered in the descending order to compute the cumulative explained variance ratio.
              "explainedVariance": 3.14, # Explained variance by this principal component, which is simply the eigenvalue.
              "explainedVarianceRatio": 3.14, # Explained_variance over the total explained variance.
              "principalComponentId": "A String", # Id of the principal component.
            },
          ],
          "trainingLoss": 3.14, # Loss computed on the training data at the end of iteration.
        },
      ],
      "startTime": "A String", # Output only. The start time of this training run.
      "trainingOptions": { # Options used in model training. # Output only. Options that were used for this training run, includes user specified and default options that were used.
        "activationFn": "A String", # Activation function of the neural nets.
        "adjustStepChanges": True or False, # If true, detect step changes and make data adjustment in the input time series.
        "approxGlobalFeatureContrib": True or False, # Whether to use approximate feature contribution method in XGBoost model explanation for global explain.
        "autoArima": True or False, # Whether to enable auto ARIMA or not.
        "autoArimaMaxOrder": "A String", # The max value of the sum of non-seasonal p and q.
        "autoArimaMinOrder": "A String", # The min value of the sum of non-seasonal p and q.
        "autoClassWeights": True or False, # Whether to calculate class weights automatically based on the popularity of each label.
        "batchSize": "A String", # Batch size for dnn models.
        "boosterType": "A String", # Booster type for boosted tree models.
        "budgetHours": 3.14, # Budget in hours for AutoML training.
        "calculatePValues": True or False, # Whether or not p-value test should be computed for this model. Only available for linear and logistic regression models.
        "categoryEncodingMethod": "A String", # Categorical feature encoding method.
        "cleanSpikesAndDips": True or False, # If true, clean spikes and dips in the input time series.
        "colorSpace": "A String", # Enums for color space, used for processing images in Object Table. See more details at https://www.tensorflow.org/io/tutorials/colorspace.
        "colsampleBylevel": 3.14, # Subsample ratio of columns for each level for boosted tree models.
        "colsampleBynode": 3.14, # Subsample ratio of columns for each node(split) for boosted tree models.
        "colsampleBytree": 3.14, # Subsample ratio of columns when constructing each tree for boosted tree models.
        "contributionMetric": "A String", # The contribution metric. Applies to contribution analysis models. Allowed formats supported are for summable and summable ratio contribution metrics. These include expressions such as `SUM(x)` or `SUM(x)/SUM(y)`, where x and y are column names from the base table.
        "dartNormalizeType": "A String", # Type of normalization algorithm for boosted tree models using dart booster.
        "dataFrequency": "A String", # The data frequency of a time series.
        "dataSplitColumn": "A String", # The column to split data with. This column won't be used as a feature. 1. When data_split_method is CUSTOM, the corresponding column should be boolean. The rows with true value tag are eval data, and the false are training data. 2. When data_split_method is SEQ, the first DATA_SPLIT_EVAL_FRACTION rows (from smallest to largest) in the corresponding column are used as training data, and the rest are eval data. It respects the order in Orderable data types: https://cloud.google.com/bigquery/docs/reference/standard-sql/data-types#data_type_properties
        "dataSplitEvalFraction": 3.14, # The fraction of evaluation data over the whole input data. The rest of data will be used as training data. The format should be double. Accurate to two decimal places. Default value is 0.2.
        "dataSplitMethod": "A String", # The data split type for training and evaluation, e.g. RANDOM.
        "decomposeTimeSeries": True or False, # If true, perform decompose time series and save the results.
        "dimensionIdColumns": [ # Optional. Names of the columns to slice on. Applies to contribution analysis models.
          "A String",
        ],
        "distanceType": "A String", # Distance type for clustering models.
        "dropout": 3.14, # Dropout probability for dnn models.
        "earlyStop": True or False, # Whether to stop early when the loss doesn't improve significantly any more (compared to min_relative_progress). Used only for iterative training algorithms.
        "enableGlobalExplain": True or False, # If true, enable global explanation during training.
        "feedbackType": "A String", # Feedback type that specifies which algorithm to run for matrix factorization.
        "fitIntercept": True or False, # Whether the model should include intercept during model training.
        "forecastLimitLowerBound": 3.14, # The forecast limit lower bound that was used during ARIMA model training with limits. To see more details of the algorithm: https://otexts.com/fpp2/limits.html
        "forecastLimitUpperBound": 3.14, # The forecast limit upper bound that was used during ARIMA model training with limits.
        "hiddenUnits": [ # Hidden units for dnn models.
          "A String",
        ],
        "holidayRegion": "A String", # The geographical region based on which the holidays are considered in time series modeling. If a valid value is specified, then holiday effects modeling is enabled.
        "holidayRegions": [ # A list of geographical regions that are used for time series modeling.
          "A String",
        ],
        "horizon": "A String", # The number of periods ahead that need to be forecasted.
        "hparamTuningObjectives": [ # The target evaluation metrics to optimize the hyperparameters for.
          "A String",
        ],
        "includeDrift": True or False, # Include drift when fitting an ARIMA model.
        "initialLearnRate": 3.14, # Specifies the initial learning rate for the line search learn rate strategy.
        "inputLabelColumns": [ # Name of input label columns in training data.
          "A String",
        ],
        "instanceWeightColumn": "A String", # Name of the instance weight column for training data. This column isn't be used as a feature.
        "integratedGradientsNumSteps": "A String", # Number of integral steps for the integrated gradients explain method.
        "isTestColumn": "A String", # Name of the column used to determine the rows corresponding to control and test. Applies to contribution analysis models.
        "itemColumn": "A String", # Item column specified for matrix factorization models.
        "kmeansInitializationColumn": "A String", # The column used to provide the initial centroids for kmeans algorithm when kmeans_initialization_method is CUSTOM.
        "kmeansInitializationMethod": "A String", # The method used to initialize the centroids for kmeans algorithm.
        "l1RegActivation": 3.14, # L1 regularization coefficient to activations.
        "l1Regularization": 3.14, # L1 regularization coefficient.
        "l2Regularization": 3.14, # L2 regularization coefficient.
        "labelClassWeights": { # Weights associated with each label class, for rebalancing the training data. Only applicable for classification models.
          "a_key": 3.14,
        },
        "learnRate": 3.14, # Learning rate in training. Used only for iterative training algorithms.
        "learnRateStrategy": "A String", # The strategy to determine learn rate for the current iteration.
        "lossType": "A String", # Type of loss function used during training run.
        "maxIterations": "A String", # The maximum number of iterations in training. Used only for iterative training algorithms.
        "maxParallelTrials": "A String", # Maximum number of trials to run in parallel.
        "maxTimeSeriesLength": "A String", # The maximum number of time points in a time series that can be used in modeling the trend component of the time series. Don't use this option with the `timeSeriesLengthFraction` or `minTimeSeriesLength` options.
        "maxTreeDepth": "A String", # Maximum depth of a tree for boosted tree models.
        "minAprioriSupport": 3.14, # The apriori support minimum. Applies to contribution analysis models.
        "minRelativeProgress": 3.14, # When early_stop is true, stops training when accuracy improvement is less than 'min_relative_progress'. Used only for iterative training algorithms.
        "minSplitLoss": 3.14, # Minimum split loss for boosted tree models.
        "minTimeSeriesLength": "A String", # The minimum number of time points in a time series that are used in modeling the trend component of the time series. If you use this option you must also set the `timeSeriesLengthFraction` option. This training option ensures that enough time points are available when you use `timeSeriesLengthFraction` in trend modeling. This is particularly important when forecasting multiple time series in a single query using `timeSeriesIdColumn`. If the total number of time points is less than the `minTimeSeriesLength` value, then the query uses all available time points.
        "minTreeChildWeight": "A String", # Minimum sum of instance weight needed in a child for boosted tree models.
        "modelRegistry": "A String", # The model registry.
        "modelUri": "A String", # Google Cloud Storage URI from which the model was imported. Only applicable for imported models.
        "nonSeasonalOrder": { # Arima order, can be used for both non-seasonal and seasonal parts. # A specification of the non-seasonal part of the ARIMA model: the three components (p, d, q) are the AR order, the degree of differencing, and the MA order.
          "d": "A String", # Order of the differencing part.
          "p": "A String", # Order of the autoregressive part.
          "q": "A String", # Order of the moving-average part.
        },
        "numClusters": "A String", # Number of clusters for clustering models.
        "numFactors": "A String", # Num factors specified for matrix factorization models.
        "numParallelTree": "A String", # Number of parallel trees constructed during each iteration for boosted tree models.
        "numPrincipalComponents": "A String", # Number of principal components to keep in the PCA model. Must be <= the number of features.
        "numTrials": "A String", # Number of trials to run this hyperparameter tuning job.
        "optimizationStrategy": "A String", # Optimization strategy for training linear regression models.
        "optimizer": "A String", # Optimizer used for training the neural nets.
        "pcaExplainedVarianceRatio": 3.14, # The minimum ratio of cumulative explained variance that needs to be given by the PCA model.
        "pcaSolver": "A String", # The solver for PCA.
        "sampledShapleyNumPaths": "A String", # Number of paths for the sampled Shapley explain method.
        "scaleFeatures": True or False, # If true, scale the feature values by dividing the feature standard deviation. Currently only apply to PCA.
        "standardizeFeatures": True or False, # Whether to standardize numerical features. Default to true.
        "subsample": 3.14, # Subsample fraction of the training data to grow tree to prevent overfitting for boosted tree models.
        "tfVersion": "A String", # Based on the selected TF version, the corresponding docker image is used to train external models.
        "timeSeriesDataColumn": "A String", # Column to be designated as time series data for ARIMA model.
        "timeSeriesIdColumn": "A String", # The time series id column that was used during ARIMA model training.
        "timeSeriesIdColumns": [ # The time series id columns that were used during ARIMA model training.
          "A String",
        ],
        "timeSeriesLengthFraction": 3.14, # The fraction of the interpolated length of the time series that's used to model the time series trend component. All of the time points of the time series are used to model the non-trend component. This training option accelerates modeling training without sacrificing much forecasting accuracy. You can use this option with `minTimeSeriesLength` but not with `maxTimeSeriesLength`.
        "timeSeriesTimestampColumn": "A String", # Column to be designated as time series timestamp for ARIMA model.
        "treeMethod": "A String", # Tree construction algorithm for boosted tree models.
        "trendSmoothingWindowSize": "A String", # Smoothing window size for the trend component. When a positive value is specified, a center moving average smoothing is applied on the history trend. When the smoothing window is out of the boundary at the beginning or the end of the trend, the first element or the last element is padded to fill the smoothing window before the average is applied.
        "userColumn": "A String", # User column specified for matrix factorization models.
        "vertexAiModelVersionAliases": [ # The version aliases to apply in Vertex AI model registry. Always overwrite if the version aliases exists in a existing model.
          "A String",
        ],
        "walsAlpha": 3.14, # Hyperparameter for matrix factoration when implicit feedback type is specified.
        "warmStart": True or False, # Whether to train a model from the last checkpoint.
        "xgboostVersion": "A String", # User-selected XGBoost versions for training of XGBoost models.
      },
      "trainingStartTime": "A String", # Output only. The start time of this training run, in milliseconds since epoch.
      "vertexAiModelId": "A String", # The model id in the [Vertex AI Model Registry](https://cloud.google.com/vertex-ai/docs/model-registry/introduction) for this training run.
      "vertexAiModelVersion": "A String", # Output only. The model version in the [Vertex AI Model Registry](https://cloud.google.com/vertex-ai/docs/model-registry/introduction) for this training run.
    },
  ],
  "transformColumns": [ # Output only. This field will be populated if a TRANSFORM clause was used to train a model. TRANSFORM clause (if used) takes feature_columns as input and outputs transform_columns. transform_columns then are used to train the model.
    { # Information about a single transform column.
      "name": "A String", # Output only. Name of the column.
      "transformSql": "A String", # Output only. The SQL expression used in the column transform.
      "type": { # The data type of a variable such as a function argument. Examples include: * INT64: `{"typeKind": "INT64"}` * ARRAY: { "typeKind": "ARRAY", "arrayElementType": {"typeKind": "STRING"} } * STRUCT>: { "typeKind": "STRUCT", "structType": { "fields": [ { "name": "x", "type": {"typeKind": "STRING"} }, { "name": "y", "type": { "typeKind": "ARRAY", "arrayElementType": {"typeKind": "DATE"} } } ] } } * RANGE: { "typeKind": "RANGE", "rangeElementType": {"typeKind": "DATE"} } # Output only. Data type of the column after the transform.
        "arrayElementType": # Object with schema name: StandardSqlDataType # The type of the array's elements, if type_kind = "ARRAY".
        "rangeElementType": # Object with schema name: StandardSqlDataType # The type of the range's elements, if type_kind = "RANGE".
        "structType": { # The representation of a SQL STRUCT type. # The fields of this struct, in order, if type_kind = "STRUCT".
          "fields": [ # Fields within the struct.
            { # A field or a column.
              "name": "A String", # Optional. The name of this field. Can be absent for struct fields.
              "type": # Object with schema name: StandardSqlDataType # Optional. The type of this parameter. Absent if not explicitly specified (e.g., CREATE FUNCTION statement can omit the return type; in this case the output parameter does not have this "type" field).
            },
          ],
        },
        "typeKind": "A String", # Required. The top level type of this field. Can be any GoogleSQL data type (e.g., "INT64", "DATE", "ARRAY").
      },
    },
  ],
}
list(projectId, datasetId, maxResults=None, pageToken=None, x__xgafv=None)
  Lists all models in the specified dataset. Requires the READER dataset role. After retrieving the list of models, you can get information about a particular model by calling the models.get method.
Args:
  projectId: string, Required. Project ID of the models to list. (required)
  datasetId: string, Required. Dataset ID of the models to list. (required)
  maxResults: integer, The maximum number of results to return in a single response page. Leverage the page tokens to iterate through the entire collection.
  pageToken: string, Page token, returned by a previous call to request the next page of results
  x__xgafv: string, V1 error format.
    Allowed values
      1 - v1 error format
      2 - v2 error format
Returns:
  An object of the form:
    { # Response format for a single page when listing BigQuery ML models.
  "models": [ # Models in the requested dataset. Only the following fields are populated: model_reference, model_type, creation_time, last_modified_time and labels.
    {
      "bestTrialId": "A String", # The best trial_id across all training runs.
      "creationTime": "A String", # Output only. The time when this model was created, in millisecs since the epoch.
      "defaultTrialId": "A String", # Output only. The default trial_id to use in TVFs when the trial_id is not passed in. For single-objective [hyperparameter tuning](https://cloud.google.com/bigquery-ml/docs/reference/standard-sql/bigqueryml-syntax-hp-tuning-overview) models, this is the best trial ID. For multi-objective [hyperparameter tuning](https://cloud.google.com/bigquery-ml/docs/reference/standard-sql/bigqueryml-syntax-hp-tuning-overview) models, this is the smallest trial ID among all Pareto optimal trials.
      "description": "A String", # Optional. A user-friendly description of this model.
      "encryptionConfiguration": { # Configuration for Cloud KMS encryption settings. # Custom encryption configuration (e.g., Cloud KMS keys). This shows the encryption configuration of the model data while stored in BigQuery storage. This field can be used with PatchModel to update encryption key for an already encrypted model.
        "kmsKeyName": "A String", # Optional. Describes the Cloud KMS encryption key that will be used to protect destination BigQuery table. The BigQuery Service Account associated with your project requires access to this encryption key.
      },
      "etag": "A String", # Output only. A hash of this resource.
      "expirationTime": "A String", # Optional. The time when this model expires, in milliseconds since the epoch. If not present, the model will persist indefinitely. Expired models will be deleted and their storage reclaimed. The defaultTableExpirationMs property of the encapsulating dataset can be used to set a default expirationTime on newly created models.
      "featureColumns": [ # Output only. Input feature columns for the model inference. If the model is trained with TRANSFORM clause, these are the input of the TRANSFORM clause.
        { # A field or a column.
          "name": "A String", # Optional. The name of this field. Can be absent for struct fields.
          "type": # Object with schema name: StandardSqlDataType # Optional. The type of this parameter. Absent if not explicitly specified (e.g., CREATE FUNCTION statement can omit the return type; in this case the output parameter does not have this "type" field).
        },
      ],
      "friendlyName": "A String", # Optional. A descriptive name for this model.
      "hparamSearchSpaces": { # Hyperparameter search spaces. These should be a subset of training_options. # Output only. All hyperparameter search spaces in this model.
        "activationFn": { # Search space for string and enum. # Activation functions of neural network models.
          "candidates": [ # Canididates for the string or enum parameter in lower case.
            "A String",
          ],
        },
        "batchSize": { # Search space for an int hyperparameter. # Mini batch sample size.
          "candidates": { # Discrete candidates of an int hyperparameter. # Candidates of the int hyperparameter.
            "candidates": [ # Candidates for the int parameter in increasing order.
              "A String",
            ],
          },
          "range": { # Range of an int hyperparameter. # Range of the int hyperparameter.
            "max": "A String", # Max value of the int parameter.
            "min": "A String", # Min value of the int parameter.
          },
        },
        "boosterType": { # Search space for string and enum. # Booster type for boosted tree models.
          "candidates": [ # Canididates for the string or enum parameter in lower case.
            "A String",
          ],
        },
        "colsampleBylevel": { # Search space for a double hyperparameter. # Subsample ratio of columns for each level for boosted tree models.
          "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
            "candidates": [ # Candidates for the double parameter in increasing order.
              3.14,
            ],
          },
          "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
            "max": 3.14, # Max value of the double parameter.
            "min": 3.14, # Min value of the double parameter.
          },
        },
        "colsampleBynode": { # Search space for a double hyperparameter. # Subsample ratio of columns for each node(split) for boosted tree models.
          "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
            "candidates": [ # Candidates for the double parameter in increasing order.
              3.14,
            ],
          },
          "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
            "max": 3.14, # Max value of the double parameter.
            "min": 3.14, # Min value of the double parameter.
          },
        },
        "colsampleBytree": { # Search space for a double hyperparameter. # Subsample ratio of columns when constructing each tree for boosted tree models.
          "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
            "candidates": [ # Candidates for the double parameter in increasing order.
              3.14,
            ],
          },
          "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
            "max": 3.14, # Max value of the double parameter.
            "min": 3.14, # Min value of the double parameter.
          },
        },
        "dartNormalizeType": { # Search space for string and enum. # Dart normalization type for boosted tree models.
          "candidates": [ # Canididates for the string or enum parameter in lower case.
            "A String",
          ],
        },
        "dropout": { # Search space for a double hyperparameter. # Dropout probability for dnn model training and boosted tree models using dart booster.
          "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
            "candidates": [ # Candidates for the double parameter in increasing order.
              3.14,
            ],
          },
          "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
            "max": 3.14, # Max value of the double parameter.
            "min": 3.14, # Min value of the double parameter.
          },
        },
        "hiddenUnits": { # Search space for int array. # Hidden units for neural network models.
          "candidates": [ # Candidates for the int array parameter.
            { # An array of int.
              "elements": [ # Elements in the int array.
                "A String",
              ],
            },
          ],
        },
        "l1Reg": { # Search space for a double hyperparameter. # L1 regularization coefficient.
          "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
            "candidates": [ # Candidates for the double parameter in increasing order.
              3.14,
            ],
          },
          "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
            "max": 3.14, # Max value of the double parameter.
            "min": 3.14, # Min value of the double parameter.
          },
        },
        "l2Reg": { # Search space for a double hyperparameter. # L2 regularization coefficient.
          "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
            "candidates": [ # Candidates for the double parameter in increasing order.
              3.14,
            ],
          },
          "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
            "max": 3.14, # Max value of the double parameter.
            "min": 3.14, # Min value of the double parameter.
          },
        },
        "learnRate": { # Search space for a double hyperparameter. # Learning rate of training jobs.
          "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
            "candidates": [ # Candidates for the double parameter in increasing order.
              3.14,
            ],
          },
          "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
            "max": 3.14, # Max value of the double parameter.
            "min": 3.14, # Min value of the double parameter.
          },
        },
        "maxTreeDepth": { # Search space for an int hyperparameter. # Maximum depth of a tree for boosted tree models.
          "candidates": { # Discrete candidates of an int hyperparameter. # Candidates of the int hyperparameter.
            "candidates": [ # Candidates for the int parameter in increasing order.
              "A String",
            ],
          },
          "range": { # Range of an int hyperparameter. # Range of the int hyperparameter.
            "max": "A String", # Max value of the int parameter.
            "min": "A String", # Min value of the int parameter.
          },
        },
        "minSplitLoss": { # Search space for a double hyperparameter. # Minimum split loss for boosted tree models.
          "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
            "candidates": [ # Candidates for the double parameter in increasing order.
              3.14,
            ],
          },
          "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
            "max": 3.14, # Max value of the double parameter.
            "min": 3.14, # Min value of the double parameter.
          },
        },
        "minTreeChildWeight": { # Search space for an int hyperparameter. # Minimum sum of instance weight needed in a child for boosted tree models.
          "candidates": { # Discrete candidates of an int hyperparameter. # Candidates of the int hyperparameter.
            "candidates": [ # Candidates for the int parameter in increasing order.
              "A String",
            ],
          },
          "range": { # Range of an int hyperparameter. # Range of the int hyperparameter.
            "max": "A String", # Max value of the int parameter.
            "min": "A String", # Min value of the int parameter.
          },
        },
        "numClusters": { # Search space for an int hyperparameter. # Number of clusters for k-means.
          "candidates": { # Discrete candidates of an int hyperparameter. # Candidates of the int hyperparameter.
            "candidates": [ # Candidates for the int parameter in increasing order.
              "A String",
            ],
          },
          "range": { # Range of an int hyperparameter. # Range of the int hyperparameter.
            "max": "A String", # Max value of the int parameter.
            "min": "A String", # Min value of the int parameter.
          },
        },
        "numFactors": { # Search space for an int hyperparameter. # Number of latent factors to train on.
          "candidates": { # Discrete candidates of an int hyperparameter. # Candidates of the int hyperparameter.
            "candidates": [ # Candidates for the int parameter in increasing order.
              "A String",
            ],
          },
          "range": { # Range of an int hyperparameter. # Range of the int hyperparameter.
            "max": "A String", # Max value of the int parameter.
            "min": "A String", # Min value of the int parameter.
          },
        },
        "numParallelTree": { # Search space for an int hyperparameter. # Number of parallel trees for boosted tree models.
          "candidates": { # Discrete candidates of an int hyperparameter. # Candidates of the int hyperparameter.
            "candidates": [ # Candidates for the int parameter in increasing order.
              "A String",
            ],
          },
          "range": { # Range of an int hyperparameter. # Range of the int hyperparameter.
            "max": "A String", # Max value of the int parameter.
            "min": "A String", # Min value of the int parameter.
          },
        },
        "optimizer": { # Search space for string and enum. # Optimizer of TF models.
          "candidates": [ # Canididates for the string or enum parameter in lower case.
            "A String",
          ],
        },
        "subsample": { # Search space for a double hyperparameter. # Subsample the training data to grow tree to prevent overfitting for boosted tree models.
          "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
            "candidates": [ # Candidates for the double parameter in increasing order.
              3.14,
            ],
          },
          "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
            "max": 3.14, # Max value of the double parameter.
            "min": 3.14, # Min value of the double parameter.
          },
        },
        "treeMethod": { # Search space for string and enum. # Tree construction algorithm for boosted tree models.
          "candidates": [ # Canididates for the string or enum parameter in lower case.
            "A String",
          ],
        },
        "walsAlpha": { # Search space for a double hyperparameter. # Hyperparameter for matrix factoration when implicit feedback type is specified.
          "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
            "candidates": [ # Candidates for the double parameter in increasing order.
              3.14,
            ],
          },
          "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
            "max": 3.14, # Max value of the double parameter.
            "min": 3.14, # Min value of the double parameter.
          },
        },
      },
      "hparamTrials": [ # Output only. Trials of a [hyperparameter tuning](https://cloud.google.com/bigquery-ml/docs/reference/standard-sql/bigqueryml-syntax-hp-tuning-overview) model sorted by trial_id.
        { # Training info of a trial in [hyperparameter tuning](https://cloud.google.com/bigquery-ml/docs/reference/standard-sql/bigqueryml-syntax-hp-tuning-overview) models.
          "endTimeMs": "A String", # Ending time of the trial.
          "errorMessage": "A String", # Error message for FAILED and INFEASIBLE trial.
          "evalLoss": 3.14, # Loss computed on the eval data at the end of trial.
          "evaluationMetrics": { # Evaluation metrics of a model. These are either computed on all training data or just the eval data based on whether eval data was used during training. These are not present for imported models. # Evaluation metrics of this trial calculated on the test data. Empty in Job API.
            "arimaForecastingMetrics": { # Model evaluation metrics for ARIMA forecasting models. # Populated for ARIMA models.
              "arimaFittingMetrics": [ # Arima model fitting metrics.
                { # ARIMA model fitting metrics.
                  "aic": 3.14, # AIC.
                  "logLikelihood": 3.14, # Log-likelihood.
                  "variance": 3.14, # Variance.
                },
              ],
              "arimaSingleModelForecastingMetrics": [ # Repeated as there can be many metric sets (one for each model) in auto-arima and the large-scale case.
                { # Model evaluation metrics for a single ARIMA forecasting model.
                  "arimaFittingMetrics": { # ARIMA model fitting metrics. # Arima fitting metrics.
                    "aic": 3.14, # AIC.
                    "logLikelihood": 3.14, # Log-likelihood.
                    "variance": 3.14, # Variance.
                  },
                  "hasDrift": True or False, # Is arima model fitted with drift or not. It is always false when d is not 1.
                  "hasHolidayEffect": True or False, # If true, holiday_effect is a part of time series decomposition result.
                  "hasSpikesAndDips": True or False, # If true, spikes_and_dips is a part of time series decomposition result.
                  "hasStepChanges": True or False, # If true, step_changes is a part of time series decomposition result.
                  "nonSeasonalOrder": { # Arima order, can be used for both non-seasonal and seasonal parts. # Non-seasonal order.
                    "d": "A String", # Order of the differencing part.
                    "p": "A String", # Order of the autoregressive part.
                    "q": "A String", # Order of the moving-average part.
                  },
                  "seasonalPeriods": [ # Seasonal periods. Repeated because multiple periods are supported for one time series.
                    "A String",
                  ],
                  "timeSeriesId": "A String", # The time_series_id value for this time series. It will be one of the unique values from the time_series_id_column specified during ARIMA model training. Only present when time_series_id_column training option was used.
                  "timeSeriesIds": [ # The tuple of time_series_ids identifying this time series. It will be one of the unique tuples of values present in the time_series_id_columns specified during ARIMA model training. Only present when time_series_id_columns training option was used and the order of values here are same as the order of time_series_id_columns.
                    "A String",
                  ],
                },
              ],
              "hasDrift": [ # Whether Arima model fitted with drift or not. It is always false when d is not 1.
                True or False,
              ],
              "nonSeasonalOrder": [ # Non-seasonal order.
                { # Arima order, can be used for both non-seasonal and seasonal parts.
                  "d": "A String", # Order of the differencing part.
                  "p": "A String", # Order of the autoregressive part.
                  "q": "A String", # Order of the moving-average part.
                },
              ],
              "seasonalPeriods": [ # Seasonal periods. Repeated because multiple periods are supported for one time series.
                "A String",
              ],
              "timeSeriesId": [ # Id to differentiate different time series for the large-scale case.
                "A String",
              ],
            },
            "binaryClassificationMetrics": { # Evaluation metrics for binary classification/classifier models. # Populated for binary classification/classifier models.
              "aggregateClassificationMetrics": { # Aggregate metrics for classification/classifier models. For multi-class models, the metrics are either macro-averaged or micro-averaged. When macro-averaged, the metrics are calculated for each label and then an unweighted average is taken of those values. When micro-averaged, the metric is calculated globally by counting the total number of correctly predicted rows. # Aggregate classification metrics.
                "accuracy": 3.14, # Accuracy is the fraction of predictions given the correct label. For multiclass this is a micro-averaged metric.
                "f1Score": 3.14, # The F1 score is an average of recall and precision. For multiclass this is a macro-averaged metric.
                "logLoss": 3.14, # Logarithmic Loss. For multiclass this is a macro-averaged metric.
                "precision": 3.14, # Precision is the fraction of actual positive predictions that had positive actual labels. For multiclass this is a macro-averaged metric treating each class as a binary classifier.
                "recall": 3.14, # Recall is the fraction of actual positive labels that were given a positive prediction. For multiclass this is a macro-averaged metric.
                "rocAuc": 3.14, # Area Under a ROC Curve. For multiclass this is a macro-averaged metric.
                "threshold": 3.14, # Threshold at which the metrics are computed. For binary classification models this is the positive class threshold. For multi-class classification models this is the confidence threshold.
              },
              "binaryConfusionMatrixList": [ # Binary confusion matrix at multiple thresholds.
                { # Confusion matrix for binary classification models.
                  "accuracy": 3.14, # The fraction of predictions given the correct label.
                  "f1Score": 3.14, # The equally weighted average of recall and precision.
                  "falseNegatives": "A String", # Number of false samples predicted as false.
                  "falsePositives": "A String", # Number of false samples predicted as true.
                  "positiveClassThreshold": 3.14, # Threshold value used when computing each of the following metric.
                  "precision": 3.14, # The fraction of actual positive predictions that had positive actual labels.
                  "recall": 3.14, # The fraction of actual positive labels that were given a positive prediction.
                  "trueNegatives": "A String", # Number of true samples predicted as false.
                  "truePositives": "A String", # Number of true samples predicted as true.
                },
              ],
              "negativeLabel": "A String", # Label representing the negative class.
              "positiveLabel": "A String", # Label representing the positive class.
            },
            "clusteringMetrics": { # Evaluation metrics for clustering models. # Populated for clustering models.
              "clusters": [ # Information for all clusters.
                { # Message containing the information about one cluster.
                  "centroidId": "A String", # Centroid id.
                  "count": "A String", # Count of training data rows that were assigned to this cluster.
                  "featureValues": [ # Values of highly variant features for this cluster.
                    { # Representative value of a single feature within the cluster.
                      "categoricalValue": { # Representative value of a categorical feature. # The categorical feature value.
                        "categoryCounts": [ # Counts of all categories for the categorical feature. If there are more than ten categories, we return top ten (by count) and return one more CategoryCount with category "_OTHER_" and count as aggregate counts of remaining categories.
                          { # Represents the count of a single category within the cluster.
                            "category": "A String", # The name of category.
                            "count": "A String", # The count of training samples matching the category within the cluster.
                          },
                        ],
                      },
                      "featureColumn": "A String", # The feature column name.
                      "numericalValue": 3.14, # The numerical feature value. This is the centroid value for this feature.
                    },
                  ],
                },
              ],
              "daviesBouldinIndex": 3.14, # Davies-Bouldin index.
              "meanSquaredDistance": 3.14, # Mean of squared distances between each sample to its cluster centroid.
            },
            "dimensionalityReductionMetrics": { # Model evaluation metrics for dimensionality reduction models. # Evaluation metrics when the model is a dimensionality reduction model, which currently includes PCA.
              "totalExplainedVarianceRatio": 3.14, # Total percentage of variance explained by the selected principal components.
            },
            "multiClassClassificationMetrics": { # Evaluation metrics for multi-class classification/classifier models. # Populated for multi-class classification/classifier models.
              "aggregateClassificationMetrics": { # Aggregate metrics for classification/classifier models. For multi-class models, the metrics are either macro-averaged or micro-averaged. When macro-averaged, the metrics are calculated for each label and then an unweighted average is taken of those values. When micro-averaged, the metric is calculated globally by counting the total number of correctly predicted rows. # Aggregate classification metrics.
                "accuracy": 3.14, # Accuracy is the fraction of predictions given the correct label. For multiclass this is a micro-averaged metric.
                "f1Score": 3.14, # The F1 score is an average of recall and precision. For multiclass this is a macro-averaged metric.
                "logLoss": 3.14, # Logarithmic Loss. For multiclass this is a macro-averaged metric.
                "precision": 3.14, # Precision is the fraction of actual positive predictions that had positive actual labels. For multiclass this is a macro-averaged metric treating each class as a binary classifier.
                "recall": 3.14, # Recall is the fraction of actual positive labels that were given a positive prediction. For multiclass this is a macro-averaged metric.
                "rocAuc": 3.14, # Area Under a ROC Curve. For multiclass this is a macro-averaged metric.
                "threshold": 3.14, # Threshold at which the metrics are computed. For binary classification models this is the positive class threshold. For multi-class classification models this is the confidence threshold.
              },
              "confusionMatrixList": [ # Confusion matrix at different thresholds.
                { # Confusion matrix for multi-class classification models.
                  "confidenceThreshold": 3.14, # Confidence threshold used when computing the entries of the confusion matrix.
                  "rows": [ # One row per actual label.
                    { # A single row in the confusion matrix.
                      "actualLabel": "A String", # The original label of this row.
                      "entries": [ # Info describing predicted label distribution.
                        { # A single entry in the confusion matrix.
                          "itemCount": "A String", # Number of items being predicted as this label.
                          "predictedLabel": "A String", # The predicted label. For confidence_threshold > 0, we will also add an entry indicating the number of items under the confidence threshold.
                        },
                      ],
                    },
                  ],
                },
              ],
            },
            "rankingMetrics": { # Evaluation metrics used by weighted-ALS models specified by feedback_type=implicit. # Populated for implicit feedback type matrix factorization models.
              "averageRank": 3.14, # Determines the goodness of a ranking by computing the percentile rank from the predicted confidence and dividing it by the original rank.
              "meanAveragePrecision": 3.14, # Calculates a precision per user for all the items by ranking them and then averages all the precisions across all the users.
              "meanSquaredError": 3.14, # Similar to the mean squared error computed in regression and explicit recommendation models except instead of computing the rating directly, the output from evaluate is computed against a preference which is 1 or 0 depending on if the rating exists or not.
              "normalizedDiscountedCumulativeGain": 3.14, # A metric to determine the goodness of a ranking calculated from the predicted confidence by comparing it to an ideal rank measured by the original ratings.
            },
            "regressionMetrics": { # Evaluation metrics for regression and explicit feedback type matrix factorization models. # Populated for regression models and explicit feedback type matrix factorization models.
              "meanAbsoluteError": 3.14, # Mean absolute error.
              "meanSquaredError": 3.14, # Mean squared error.
              "meanSquaredLogError": 3.14, # Mean squared log error.
              "medianAbsoluteError": 3.14, # Median absolute error.
              "rSquared": 3.14, # R^2 score. This corresponds to r2_score in ML.EVALUATE.
            },
          },
          "hparamTuningEvaluationMetrics": { # Evaluation metrics of a model. These are either computed on all training data or just the eval data based on whether eval data was used during training. These are not present for imported models. # Hyperparameter tuning evaluation metrics of this trial calculated on the eval data. Unlike evaluation_metrics, only the fields corresponding to the hparam_tuning_objectives are set.
            "arimaForecastingMetrics": { # Model evaluation metrics for ARIMA forecasting models. # Populated for ARIMA models.
              "arimaFittingMetrics": [ # Arima model fitting metrics.
                { # ARIMA model fitting metrics.
                  "aic": 3.14, # AIC.
                  "logLikelihood": 3.14, # Log-likelihood.
                  "variance": 3.14, # Variance.
                },
              ],
              "arimaSingleModelForecastingMetrics": [ # Repeated as there can be many metric sets (one for each model) in auto-arima and the large-scale case.
                { # Model evaluation metrics for a single ARIMA forecasting model.
                  "arimaFittingMetrics": { # ARIMA model fitting metrics. # Arima fitting metrics.
                    "aic": 3.14, # AIC.
                    "logLikelihood": 3.14, # Log-likelihood.
                    "variance": 3.14, # Variance.
                  },
                  "hasDrift": True or False, # Is arima model fitted with drift or not. It is always false when d is not 1.
                  "hasHolidayEffect": True or False, # If true, holiday_effect is a part of time series decomposition result.
                  "hasSpikesAndDips": True or False, # If true, spikes_and_dips is a part of time series decomposition result.
                  "hasStepChanges": True or False, # If true, step_changes is a part of time series decomposition result.
                  "nonSeasonalOrder": { # Arima order, can be used for both non-seasonal and seasonal parts. # Non-seasonal order.
                    "d": "A String", # Order of the differencing part.
                    "p": "A String", # Order of the autoregressive part.
                    "q": "A String", # Order of the moving-average part.
                  },
                  "seasonalPeriods": [ # Seasonal periods. Repeated because multiple periods are supported for one time series.
                    "A String",
                  ],
                  "timeSeriesId": "A String", # The time_series_id value for this time series. It will be one of the unique values from the time_series_id_column specified during ARIMA model training. Only present when time_series_id_column training option was used.
                  "timeSeriesIds": [ # The tuple of time_series_ids identifying this time series. It will be one of the unique tuples of values present in the time_series_id_columns specified during ARIMA model training. Only present when time_series_id_columns training option was used and the order of values here are same as the order of time_series_id_columns.
                    "A String",
                  ],
                },
              ],
              "hasDrift": [ # Whether Arima model fitted with drift or not. It is always false when d is not 1.
                True or False,
              ],
              "nonSeasonalOrder": [ # Non-seasonal order.
                { # Arima order, can be used for both non-seasonal and seasonal parts.
                  "d": "A String", # Order of the differencing part.
                  "p": "A String", # Order of the autoregressive part.
                  "q": "A String", # Order of the moving-average part.
                },
              ],
              "seasonalPeriods": [ # Seasonal periods. Repeated because multiple periods are supported for one time series.
                "A String",
              ],
              "timeSeriesId": [ # Id to differentiate different time series for the large-scale case.
                "A String",
              ],
            },
            "binaryClassificationMetrics": { # Evaluation metrics for binary classification/classifier models. # Populated for binary classification/classifier models.
              "aggregateClassificationMetrics": { # Aggregate metrics for classification/classifier models. For multi-class models, the metrics are either macro-averaged or micro-averaged. When macro-averaged, the metrics are calculated for each label and then an unweighted average is taken of those values. When micro-averaged, the metric is calculated globally by counting the total number of correctly predicted rows. # Aggregate classification metrics.
                "accuracy": 3.14, # Accuracy is the fraction of predictions given the correct label. For multiclass this is a micro-averaged metric.
                "f1Score": 3.14, # The F1 score is an average of recall and precision. For multiclass this is a macro-averaged metric.
                "logLoss": 3.14, # Logarithmic Loss. For multiclass this is a macro-averaged metric.
                "precision": 3.14, # Precision is the fraction of actual positive predictions that had positive actual labels. For multiclass this is a macro-averaged metric treating each class as a binary classifier.
                "recall": 3.14, # Recall is the fraction of actual positive labels that were given a positive prediction. For multiclass this is a macro-averaged metric.
                "rocAuc": 3.14, # Area Under a ROC Curve. For multiclass this is a macro-averaged metric.
                "threshold": 3.14, # Threshold at which the metrics are computed. For binary classification models this is the positive class threshold. For multi-class classification models this is the confidence threshold.
              },
              "binaryConfusionMatrixList": [ # Binary confusion matrix at multiple thresholds.
                { # Confusion matrix for binary classification models.
                  "accuracy": 3.14, # The fraction of predictions given the correct label.
                  "f1Score": 3.14, # The equally weighted average of recall and precision.
                  "falseNegatives": "A String", # Number of false samples predicted as false.
                  "falsePositives": "A String", # Number of false samples predicted as true.
                  "positiveClassThreshold": 3.14, # Threshold value used when computing each of the following metric.
                  "precision": 3.14, # The fraction of actual positive predictions that had positive actual labels.
                  "recall": 3.14, # The fraction of actual positive labels that were given a positive prediction.
                  "trueNegatives": "A String", # Number of true samples predicted as false.
                  "truePositives": "A String", # Number of true samples predicted as true.
                },
              ],
              "negativeLabel": "A String", # Label representing the negative class.
              "positiveLabel": "A String", # Label representing the positive class.
            },
            "clusteringMetrics": { # Evaluation metrics for clustering models. # Populated for clustering models.
              "clusters": [ # Information for all clusters.
                { # Message containing the information about one cluster.
                  "centroidId": "A String", # Centroid id.
                  "count": "A String", # Count of training data rows that were assigned to this cluster.
                  "featureValues": [ # Values of highly variant features for this cluster.
                    { # Representative value of a single feature within the cluster.
                      "categoricalValue": { # Representative value of a categorical feature. # The categorical feature value.
                        "categoryCounts": [ # Counts of all categories for the categorical feature. If there are more than ten categories, we return top ten (by count) and return one more CategoryCount with category "_OTHER_" and count as aggregate counts of remaining categories.
                          { # Represents the count of a single category within the cluster.
                            "category": "A String", # The name of category.
                            "count": "A String", # The count of training samples matching the category within the cluster.
                          },
                        ],
                      },
                      "featureColumn": "A String", # The feature column name.
                      "numericalValue": 3.14, # The numerical feature value. This is the centroid value for this feature.
                    },
                  ],
                },
              ],
              "daviesBouldinIndex": 3.14, # Davies-Bouldin index.
              "meanSquaredDistance": 3.14, # Mean of squared distances between each sample to its cluster centroid.
            },
            "dimensionalityReductionMetrics": { # Model evaluation metrics for dimensionality reduction models. # Evaluation metrics when the model is a dimensionality reduction model, which currently includes PCA.
              "totalExplainedVarianceRatio": 3.14, # Total percentage of variance explained by the selected principal components.
            },
            "multiClassClassificationMetrics": { # Evaluation metrics for multi-class classification/classifier models. # Populated for multi-class classification/classifier models.
              "aggregateClassificationMetrics": { # Aggregate metrics for classification/classifier models. For multi-class models, the metrics are either macro-averaged or micro-averaged. When macro-averaged, the metrics are calculated for each label and then an unweighted average is taken of those values. When micro-averaged, the metric is calculated globally by counting the total number of correctly predicted rows. # Aggregate classification metrics.
                "accuracy": 3.14, # Accuracy is the fraction of predictions given the correct label. For multiclass this is a micro-averaged metric.
                "f1Score": 3.14, # The F1 score is an average of recall and precision. For multiclass this is a macro-averaged metric.
                "logLoss": 3.14, # Logarithmic Loss. For multiclass this is a macro-averaged metric.
                "precision": 3.14, # Precision is the fraction of actual positive predictions that had positive actual labels. For multiclass this is a macro-averaged metric treating each class as a binary classifier.
                "recall": 3.14, # Recall is the fraction of actual positive labels that were given a positive prediction. For multiclass this is a macro-averaged metric.
                "rocAuc": 3.14, # Area Under a ROC Curve. For multiclass this is a macro-averaged metric.
                "threshold": 3.14, # Threshold at which the metrics are computed. For binary classification models this is the positive class threshold. For multi-class classification models this is the confidence threshold.
              },
              "confusionMatrixList": [ # Confusion matrix at different thresholds.
                { # Confusion matrix for multi-class classification models.
                  "confidenceThreshold": 3.14, # Confidence threshold used when computing the entries of the confusion matrix.
                  "rows": [ # One row per actual label.
                    { # A single row in the confusion matrix.
                      "actualLabel": "A String", # The original label of this row.
                      "entries": [ # Info describing predicted label distribution.
                        { # A single entry in the confusion matrix.
                          "itemCount": "A String", # Number of items being predicted as this label.
                          "predictedLabel": "A String", # The predicted label. For confidence_threshold > 0, we will also add an entry indicating the number of items under the confidence threshold.
                        },
                      ],
                    },
                  ],
                },
              ],
            },
            "rankingMetrics": { # Evaluation metrics used by weighted-ALS models specified by feedback_type=implicit. # Populated for implicit feedback type matrix factorization models.
              "averageRank": 3.14, # Determines the goodness of a ranking by computing the percentile rank from the predicted confidence and dividing it by the original rank.
              "meanAveragePrecision": 3.14, # Calculates a precision per user for all the items by ranking them and then averages all the precisions across all the users.
              "meanSquaredError": 3.14, # Similar to the mean squared error computed in regression and explicit recommendation models except instead of computing the rating directly, the output from evaluate is computed against a preference which is 1 or 0 depending on if the rating exists or not.
              "normalizedDiscountedCumulativeGain": 3.14, # A metric to determine the goodness of a ranking calculated from the predicted confidence by comparing it to an ideal rank measured by the original ratings.
            },
            "regressionMetrics": { # Evaluation metrics for regression and explicit feedback type matrix factorization models. # Populated for regression models and explicit feedback type matrix factorization models.
              "meanAbsoluteError": 3.14, # Mean absolute error.
              "meanSquaredError": 3.14, # Mean squared error.
              "meanSquaredLogError": 3.14, # Mean squared log error.
              "medianAbsoluteError": 3.14, # Median absolute error.
              "rSquared": 3.14, # R^2 score. This corresponds to r2_score in ML.EVALUATE.
            },
          },
          "hparams": { # Options used in model training. # The hyperprameters selected for this trial.
            "activationFn": "A String", # Activation function of the neural nets.
            "adjustStepChanges": True or False, # If true, detect step changes and make data adjustment in the input time series.
            "approxGlobalFeatureContrib": True or False, # Whether to use approximate feature contribution method in XGBoost model explanation for global explain.
            "autoArima": True or False, # Whether to enable auto ARIMA or not.
            "autoArimaMaxOrder": "A String", # The max value of the sum of non-seasonal p and q.
            "autoArimaMinOrder": "A String", # The min value of the sum of non-seasonal p and q.
            "autoClassWeights": True or False, # Whether to calculate class weights automatically based on the popularity of each label.
            "batchSize": "A String", # Batch size for dnn models.
            "boosterType": "A String", # Booster type for boosted tree models.
            "budgetHours": 3.14, # Budget in hours for AutoML training.
            "calculatePValues": True or False, # Whether or not p-value test should be computed for this model. Only available for linear and logistic regression models.
            "categoryEncodingMethod": "A String", # Categorical feature encoding method.
            "cleanSpikesAndDips": True or False, # If true, clean spikes and dips in the input time series.
            "colorSpace": "A String", # Enums for color space, used for processing images in Object Table. See more details at https://www.tensorflow.org/io/tutorials/colorspace.
            "colsampleBylevel": 3.14, # Subsample ratio of columns for each level for boosted tree models.
            "colsampleBynode": 3.14, # Subsample ratio of columns for each node(split) for boosted tree models.
            "colsampleBytree": 3.14, # Subsample ratio of columns when constructing each tree for boosted tree models.
            "contributionMetric": "A String", # The contribution metric. Applies to contribution analysis models. Allowed formats supported are for summable and summable ratio contribution metrics. These include expressions such as `SUM(x)` or `SUM(x)/SUM(y)`, where x and y are column names from the base table.
            "dartNormalizeType": "A String", # Type of normalization algorithm for boosted tree models using dart booster.
            "dataFrequency": "A String", # The data frequency of a time series.
            "dataSplitColumn": "A String", # The column to split data with. This column won't be used as a feature. 1. When data_split_method is CUSTOM, the corresponding column should be boolean. The rows with true value tag are eval data, and the false are training data. 2. When data_split_method is SEQ, the first DATA_SPLIT_EVAL_FRACTION rows (from smallest to largest) in the corresponding column are used as training data, and the rest are eval data. It respects the order in Orderable data types: https://cloud.google.com/bigquery/docs/reference/standard-sql/data-types#data_type_properties
            "dataSplitEvalFraction": 3.14, # The fraction of evaluation data over the whole input data. The rest of data will be used as training data. The format should be double. Accurate to two decimal places. Default value is 0.2.
            "dataSplitMethod": "A String", # The data split type for training and evaluation, e.g. RANDOM.
            "decomposeTimeSeries": True or False, # If true, perform decompose time series and save the results.
            "dimensionIdColumns": [ # Optional. Names of the columns to slice on. Applies to contribution analysis models.
              "A String",
            ],
            "distanceType": "A String", # Distance type for clustering models.
            "dropout": 3.14, # Dropout probability for dnn models.
            "earlyStop": True or False, # Whether to stop early when the loss doesn't improve significantly any more (compared to min_relative_progress). Used only for iterative training algorithms.
            "enableGlobalExplain": True or False, # If true, enable global explanation during training.
            "feedbackType": "A String", # Feedback type that specifies which algorithm to run for matrix factorization.
            "fitIntercept": True or False, # Whether the model should include intercept during model training.
            "forecastLimitLowerBound": 3.14, # The forecast limit lower bound that was used during ARIMA model training with limits. To see more details of the algorithm: https://otexts.com/fpp2/limits.html
            "forecastLimitUpperBound": 3.14, # The forecast limit upper bound that was used during ARIMA model training with limits.
            "hiddenUnits": [ # Hidden units for dnn models.
              "A String",
            ],
            "holidayRegion": "A String", # The geographical region based on which the holidays are considered in time series modeling. If a valid value is specified, then holiday effects modeling is enabled.
            "holidayRegions": [ # A list of geographical regions that are used for time series modeling.
              "A String",
            ],
            "horizon": "A String", # The number of periods ahead that need to be forecasted.
            "hparamTuningObjectives": [ # The target evaluation metrics to optimize the hyperparameters for.
              "A String",
            ],
            "includeDrift": True or False, # Include drift when fitting an ARIMA model.
            "initialLearnRate": 3.14, # Specifies the initial learning rate for the line search learn rate strategy.
            "inputLabelColumns": [ # Name of input label columns in training data.
              "A String",
            ],
            "instanceWeightColumn": "A String", # Name of the instance weight column for training data. This column isn't be used as a feature.
            "integratedGradientsNumSteps": "A String", # Number of integral steps for the integrated gradients explain method.
            "isTestColumn": "A String", # Name of the column used to determine the rows corresponding to control and test. Applies to contribution analysis models.
            "itemColumn": "A String", # Item column specified for matrix factorization models.
            "kmeansInitializationColumn": "A String", # The column used to provide the initial centroids for kmeans algorithm when kmeans_initialization_method is CUSTOM.
            "kmeansInitializationMethod": "A String", # The method used to initialize the centroids for kmeans algorithm.
            "l1RegActivation": 3.14, # L1 regularization coefficient to activations.
            "l1Regularization": 3.14, # L1 regularization coefficient.
            "l2Regularization": 3.14, # L2 regularization coefficient.
            "labelClassWeights": { # Weights associated with each label class, for rebalancing the training data. Only applicable for classification models.
              "a_key": 3.14,
            },
            "learnRate": 3.14, # Learning rate in training. Used only for iterative training algorithms.
            "learnRateStrategy": "A String", # The strategy to determine learn rate for the current iteration.
            "lossType": "A String", # Type of loss function used during training run.
            "maxIterations": "A String", # The maximum number of iterations in training. Used only for iterative training algorithms.
            "maxParallelTrials": "A String", # Maximum number of trials to run in parallel.
            "maxTimeSeriesLength": "A String", # The maximum number of time points in a time series that can be used in modeling the trend component of the time series. Don't use this option with the `timeSeriesLengthFraction` or `minTimeSeriesLength` options.
            "maxTreeDepth": "A String", # Maximum depth of a tree for boosted tree models.
            "minAprioriSupport": 3.14, # The apriori support minimum. Applies to contribution analysis models.
            "minRelativeProgress": 3.14, # When early_stop is true, stops training when accuracy improvement is less than 'min_relative_progress'. Used only for iterative training algorithms.
            "minSplitLoss": 3.14, # Minimum split loss for boosted tree models.
            "minTimeSeriesLength": "A String", # The minimum number of time points in a time series that are used in modeling the trend component of the time series. If you use this option you must also set the `timeSeriesLengthFraction` option. This training option ensures that enough time points are available when you use `timeSeriesLengthFraction` in trend modeling. This is particularly important when forecasting multiple time series in a single query using `timeSeriesIdColumn`. If the total number of time points is less than the `minTimeSeriesLength` value, then the query uses all available time points.
            "minTreeChildWeight": "A String", # Minimum sum of instance weight needed in a child for boosted tree models.
            "modelRegistry": "A String", # The model registry.
            "modelUri": "A String", # Google Cloud Storage URI from which the model was imported. Only applicable for imported models.
            "nonSeasonalOrder": { # Arima order, can be used for both non-seasonal and seasonal parts. # A specification of the non-seasonal part of the ARIMA model: the three components (p, d, q) are the AR order, the degree of differencing, and the MA order.
              "d": "A String", # Order of the differencing part.
              "p": "A String", # Order of the autoregressive part.
              "q": "A String", # Order of the moving-average part.
            },
            "numClusters": "A String", # Number of clusters for clustering models.
            "numFactors": "A String", # Num factors specified for matrix factorization models.
            "numParallelTree": "A String", # Number of parallel trees constructed during each iteration for boosted tree models.
            "numPrincipalComponents": "A String", # Number of principal components to keep in the PCA model. Must be <= the number of features.
            "numTrials": "A String", # Number of trials to run this hyperparameter tuning job.
            "optimizationStrategy": "A String", # Optimization strategy for training linear regression models.
            "optimizer": "A String", # Optimizer used for training the neural nets.
            "pcaExplainedVarianceRatio": 3.14, # The minimum ratio of cumulative explained variance that needs to be given by the PCA model.
            "pcaSolver": "A String", # The solver for PCA.
            "sampledShapleyNumPaths": "A String", # Number of paths for the sampled Shapley explain method.
            "scaleFeatures": True or False, # If true, scale the feature values by dividing the feature standard deviation. Currently only apply to PCA.
            "standardizeFeatures": True or False, # Whether to standardize numerical features. Default to true.
            "subsample": 3.14, # Subsample fraction of the training data to grow tree to prevent overfitting for boosted tree models.
            "tfVersion": "A String", # Based on the selected TF version, the corresponding docker image is used to train external models.
            "timeSeriesDataColumn": "A String", # Column to be designated as time series data for ARIMA model.
            "timeSeriesIdColumn": "A String", # The time series id column that was used during ARIMA model training.
            "timeSeriesIdColumns": [ # The time series id columns that were used during ARIMA model training.
              "A String",
            ],
            "timeSeriesLengthFraction": 3.14, # The fraction of the interpolated length of the time series that's used to model the time series trend component. All of the time points of the time series are used to model the non-trend component. This training option accelerates modeling training without sacrificing much forecasting accuracy. You can use this option with `minTimeSeriesLength` but not with `maxTimeSeriesLength`.
            "timeSeriesTimestampColumn": "A String", # Column to be designated as time series timestamp for ARIMA model.
            "treeMethod": "A String", # Tree construction algorithm for boosted tree models.
            "trendSmoothingWindowSize": "A String", # Smoothing window size for the trend component. When a positive value is specified, a center moving average smoothing is applied on the history trend. When the smoothing window is out of the boundary at the beginning or the end of the trend, the first element or the last element is padded to fill the smoothing window before the average is applied.
            "userColumn": "A String", # User column specified for matrix factorization models.
            "vertexAiModelVersionAliases": [ # The version aliases to apply in Vertex AI model registry. Always overwrite if the version aliases exists in a existing model.
              "A String",
            ],
            "walsAlpha": 3.14, # Hyperparameter for matrix factoration when implicit feedback type is specified.
            "warmStart": True or False, # Whether to train a model from the last checkpoint.
            "xgboostVersion": "A String", # User-selected XGBoost versions for training of XGBoost models.
          },
          "startTimeMs": "A String", # Starting time of the trial.
          "status": "A String", # The status of the trial.
          "trainingLoss": 3.14, # Loss computed on the training data at the end of trial.
          "trialId": "A String", # 1-based index of the trial.
        },
      ],
      "labelColumns": [ # Output only. Label columns that were used to train this model. The output of the model will have a "predicted_" prefix to these columns.
        { # A field or a column.
          "name": "A String", # Optional. The name of this field. Can be absent for struct fields.
          "type": # Object with schema name: StandardSqlDataType # Optional. The type of this parameter. Absent if not explicitly specified (e.g., CREATE FUNCTION statement can omit the return type; in this case the output parameter does not have this "type" field).
        },
      ],
      "labels": { # The labels associated with this model. You can use these to organize and group your models. Label keys and values can be no longer than 63 characters, can only contain lowercase letters, numeric characters, underscores and dashes. International characters are allowed. Label values are optional. Label keys must start with a letter and each label in the list must have a different key.
        "a_key": "A String",
      },
      "lastModifiedTime": "A String", # Output only. The time when this model was last modified, in millisecs since the epoch.
      "location": "A String", # Output only. The geographic location where the model resides. This value is inherited from the dataset.
      "modelReference": { # Id path of a model. # Required. Unique identifier for this model.
        "datasetId": "A String", # Required. The ID of the dataset containing this model.
        "modelId": "A String", # Required. The ID of the model. The ID must contain only letters (a-z, A-Z), numbers (0-9), or underscores (_). The maximum length is 1,024 characters.
        "projectId": "A String", # Required. The ID of the project containing this model.
      },
      "modelType": "A String", # Output only. Type of the model resource.
      "optimalTrialIds": [ # Output only. For single-objective [hyperparameter tuning](https://cloud.google.com/bigquery-ml/docs/reference/standard-sql/bigqueryml-syntax-hp-tuning-overview) models, it only contains the best trial. For multi-objective [hyperparameter tuning](https://cloud.google.com/bigquery-ml/docs/reference/standard-sql/bigqueryml-syntax-hp-tuning-overview) models, it contains all Pareto optimal trials sorted by trial_id.
        "A String",
      ],
      "remoteModelInfo": { # Remote Model Info # Output only. Remote model info
        "connection": "A String", # Output only. Fully qualified name of the user-provided connection object of the remote model. Format: ```"projects/{project_id}/locations/{location_id}/connections/{connection_id}"```
        "endpoint": "A String", # Output only. The endpoint for remote model.
        "maxBatchingRows": "A String", # Output only. Max number of rows in each batch sent to the remote service. If unset, the number of rows in each batch is set dynamically.
        "remoteModelVersion": "A String", # Output only. The model version for LLM.
        "remoteServiceType": "A String", # Output only. The remote service type for remote model.
        "speechRecognizer": "A String", # Output only. The name of the speech recognizer to use for speech recognition. The expected format is `projects/{project}/locations/{location}/recognizers/{recognizer}`. Customers can specify this field at model creation. If not specified, a default recognizer `projects/{model project}/locations/global/recognizers/_` will be used. See more details at [recognizers](https://cloud.google.com/speech-to-text/v2/docs/reference/rest/v2/projects.locations.recognizers)
      },
      "trainingRuns": [ # Information for all training runs in increasing order of start_time.
        { # Information about a single training query run for the model.
          "classLevelGlobalExplanations": [ # Output only. Global explanation contains the explanation of top features on the class level. Applies to classification models only.
            { # Global explanations containing the top most important features after training.
              "classLabel": "A String", # Class label for this set of global explanations. Will be empty/null for binary logistic and linear regression models. Sorted alphabetically in descending order.
              "explanations": [ # A list of the top global explanations. Sorted by absolute value of attribution in descending order.
                { # Explanation for a single feature.
                  "attribution": 3.14, # Attribution of feature.
                  "featureName": "A String", # The full feature name. For non-numerical features, will be formatted like `.`. Overall size of feature name will always be truncated to first 120 characters.
                },
              ],
            },
          ],
          "dataSplitResult": { # Data split result. This contains references to the training and evaluation data tables that were used to train the model. # Output only. Data split result of the training run. Only set when the input data is actually split.
            "evaluationTable": { # Table reference of the evaluation data after split.
              "datasetId": "A String", # Required. The ID of the dataset containing this table.
              "projectId": "A String", # Required. The ID of the project containing this table.
              "tableId": "A String", # Required. The ID of the table. The ID can contain Unicode characters in category L (letter), M (mark), N (number), Pc (connector, including underscore), Pd (dash), and Zs (space). For more information, see [General Category](https://wikipedia.org/wiki/Unicode_character_property#General_Category). The maximum length is 1,024 characters. Certain operations allow suffixing of the table ID with a partition decorator, such as `sample_table$20190123`.
            },
            "testTable": { # Table reference of the test data after split.
              "datasetId": "A String", # Required. The ID of the dataset containing this table.
              "projectId": "A String", # Required. The ID of the project containing this table.
              "tableId": "A String", # Required. The ID of the table. The ID can contain Unicode characters in category L (letter), M (mark), N (number), Pc (connector, including underscore), Pd (dash), and Zs (space). For more information, see [General Category](https://wikipedia.org/wiki/Unicode_character_property#General_Category). The maximum length is 1,024 characters. Certain operations allow suffixing of the table ID with a partition decorator, such as `sample_table$20190123`.
            },
            "trainingTable": { # Table reference of the training data after split.
              "datasetId": "A String", # Required. The ID of the dataset containing this table.
              "projectId": "A String", # Required. The ID of the project containing this table.
              "tableId": "A String", # Required. The ID of the table. The ID can contain Unicode characters in category L (letter), M (mark), N (number), Pc (connector, including underscore), Pd (dash), and Zs (space). For more information, see [General Category](https://wikipedia.org/wiki/Unicode_character_property#General_Category). The maximum length is 1,024 characters. Certain operations allow suffixing of the table ID with a partition decorator, such as `sample_table$20190123`.
            },
          },
          "evaluationMetrics": { # Evaluation metrics of a model. These are either computed on all training data or just the eval data based on whether eval data was used during training. These are not present for imported models. # Output only. The evaluation metrics over training/eval data that were computed at the end of training.
            "arimaForecastingMetrics": { # Model evaluation metrics for ARIMA forecasting models. # Populated for ARIMA models.
              "arimaFittingMetrics": [ # Arima model fitting metrics.
                { # ARIMA model fitting metrics.
                  "aic": 3.14, # AIC.
                  "logLikelihood": 3.14, # Log-likelihood.
                  "variance": 3.14, # Variance.
                },
              ],
              "arimaSingleModelForecastingMetrics": [ # Repeated as there can be many metric sets (one for each model) in auto-arima and the large-scale case.
                { # Model evaluation metrics for a single ARIMA forecasting model.
                  "arimaFittingMetrics": { # ARIMA model fitting metrics. # Arima fitting metrics.
                    "aic": 3.14, # AIC.
                    "logLikelihood": 3.14, # Log-likelihood.
                    "variance": 3.14, # Variance.
                  },
                  "hasDrift": True or False, # Is arima model fitted with drift or not. It is always false when d is not 1.
                  "hasHolidayEffect": True or False, # If true, holiday_effect is a part of time series decomposition result.
                  "hasSpikesAndDips": True or False, # If true, spikes_and_dips is a part of time series decomposition result.
                  "hasStepChanges": True or False, # If true, step_changes is a part of time series decomposition result.
                  "nonSeasonalOrder": { # Arima order, can be used for both non-seasonal and seasonal parts. # Non-seasonal order.
                    "d": "A String", # Order of the differencing part.
                    "p": "A String", # Order of the autoregressive part.
                    "q": "A String", # Order of the moving-average part.
                  },
                  "seasonalPeriods": [ # Seasonal periods. Repeated because multiple periods are supported for one time series.
                    "A String",
                  ],
                  "timeSeriesId": "A String", # The time_series_id value for this time series. It will be one of the unique values from the time_series_id_column specified during ARIMA model training. Only present when time_series_id_column training option was used.
                  "timeSeriesIds": [ # The tuple of time_series_ids identifying this time series. It will be one of the unique tuples of values present in the time_series_id_columns specified during ARIMA model training. Only present when time_series_id_columns training option was used and the order of values here are same as the order of time_series_id_columns.
                    "A String",
                  ],
                },
              ],
              "hasDrift": [ # Whether Arima model fitted with drift or not. It is always false when d is not 1.
                True or False,
              ],
              "nonSeasonalOrder": [ # Non-seasonal order.
                { # Arima order, can be used for both non-seasonal and seasonal parts.
                  "d": "A String", # Order of the differencing part.
                  "p": "A String", # Order of the autoregressive part.
                  "q": "A String", # Order of the moving-average part.
                },
              ],
              "seasonalPeriods": [ # Seasonal periods. Repeated because multiple periods are supported for one time series.
                "A String",
              ],
              "timeSeriesId": [ # Id to differentiate different time series for the large-scale case.
                "A String",
              ],
            },
            "binaryClassificationMetrics": { # Evaluation metrics for binary classification/classifier models. # Populated for binary classification/classifier models.
              "aggregateClassificationMetrics": { # Aggregate metrics for classification/classifier models. For multi-class models, the metrics are either macro-averaged or micro-averaged. When macro-averaged, the metrics are calculated for each label and then an unweighted average is taken of those values. When micro-averaged, the metric is calculated globally by counting the total number of correctly predicted rows. # Aggregate classification metrics.
                "accuracy": 3.14, # Accuracy is the fraction of predictions given the correct label. For multiclass this is a micro-averaged metric.
                "f1Score": 3.14, # The F1 score is an average of recall and precision. For multiclass this is a macro-averaged metric.
                "logLoss": 3.14, # Logarithmic Loss. For multiclass this is a macro-averaged metric.
                "precision": 3.14, # Precision is the fraction of actual positive predictions that had positive actual labels. For multiclass this is a macro-averaged metric treating each class as a binary classifier.
                "recall": 3.14, # Recall is the fraction of actual positive labels that were given a positive prediction. For multiclass this is a macro-averaged metric.
                "rocAuc": 3.14, # Area Under a ROC Curve. For multiclass this is a macro-averaged metric.
                "threshold": 3.14, # Threshold at which the metrics are computed. For binary classification models this is the positive class threshold. For multi-class classification models this is the confidence threshold.
              },
              "binaryConfusionMatrixList": [ # Binary confusion matrix at multiple thresholds.
                { # Confusion matrix for binary classification models.
                  "accuracy": 3.14, # The fraction of predictions given the correct label.
                  "f1Score": 3.14, # The equally weighted average of recall and precision.
                  "falseNegatives": "A String", # Number of false samples predicted as false.
                  "falsePositives": "A String", # Number of false samples predicted as true.
                  "positiveClassThreshold": 3.14, # Threshold value used when computing each of the following metric.
                  "precision": 3.14, # The fraction of actual positive predictions that had positive actual labels.
                  "recall": 3.14, # The fraction of actual positive labels that were given a positive prediction.
                  "trueNegatives": "A String", # Number of true samples predicted as false.
                  "truePositives": "A String", # Number of true samples predicted as true.
                },
              ],
              "negativeLabel": "A String", # Label representing the negative class.
              "positiveLabel": "A String", # Label representing the positive class.
            },
            "clusteringMetrics": { # Evaluation metrics for clustering models. # Populated for clustering models.
              "clusters": [ # Information for all clusters.
                { # Message containing the information about one cluster.
                  "centroidId": "A String", # Centroid id.
                  "count": "A String", # Count of training data rows that were assigned to this cluster.
                  "featureValues": [ # Values of highly variant features for this cluster.
                    { # Representative value of a single feature within the cluster.
                      "categoricalValue": { # Representative value of a categorical feature. # The categorical feature value.
                        "categoryCounts": [ # Counts of all categories for the categorical feature. If there are more than ten categories, we return top ten (by count) and return one more CategoryCount with category "_OTHER_" and count as aggregate counts of remaining categories.
                          { # Represents the count of a single category within the cluster.
                            "category": "A String", # The name of category.
                            "count": "A String", # The count of training samples matching the category within the cluster.
                          },
                        ],
                      },
                      "featureColumn": "A String", # The feature column name.
                      "numericalValue": 3.14, # The numerical feature value. This is the centroid value for this feature.
                    },
                  ],
                },
              ],
              "daviesBouldinIndex": 3.14, # Davies-Bouldin index.
              "meanSquaredDistance": 3.14, # Mean of squared distances between each sample to its cluster centroid.
            },
            "dimensionalityReductionMetrics": { # Model evaluation metrics for dimensionality reduction models. # Evaluation metrics when the model is a dimensionality reduction model, which currently includes PCA.
              "totalExplainedVarianceRatio": 3.14, # Total percentage of variance explained by the selected principal components.
            },
            "multiClassClassificationMetrics": { # Evaluation metrics for multi-class classification/classifier models. # Populated for multi-class classification/classifier models.
              "aggregateClassificationMetrics": { # Aggregate metrics for classification/classifier models. For multi-class models, the metrics are either macro-averaged or micro-averaged. When macro-averaged, the metrics are calculated for each label and then an unweighted average is taken of those values. When micro-averaged, the metric is calculated globally by counting the total number of correctly predicted rows. # Aggregate classification metrics.
                "accuracy": 3.14, # Accuracy is the fraction of predictions given the correct label. For multiclass this is a micro-averaged metric.
                "f1Score": 3.14, # The F1 score is an average of recall and precision. For multiclass this is a macro-averaged metric.
                "logLoss": 3.14, # Logarithmic Loss. For multiclass this is a macro-averaged metric.
                "precision": 3.14, # Precision is the fraction of actual positive predictions that had positive actual labels. For multiclass this is a macro-averaged metric treating each class as a binary classifier.
                "recall": 3.14, # Recall is the fraction of actual positive labels that were given a positive prediction. For multiclass this is a macro-averaged metric.
                "rocAuc": 3.14, # Area Under a ROC Curve. For multiclass this is a macro-averaged metric.
                "threshold": 3.14, # Threshold at which the metrics are computed. For binary classification models this is the positive class threshold. For multi-class classification models this is the confidence threshold.
              },
              "confusionMatrixList": [ # Confusion matrix at different thresholds.
                { # Confusion matrix for multi-class classification models.
                  "confidenceThreshold": 3.14, # Confidence threshold used when computing the entries of the confusion matrix.
                  "rows": [ # One row per actual label.
                    { # A single row in the confusion matrix.
                      "actualLabel": "A String", # The original label of this row.
                      "entries": [ # Info describing predicted label distribution.
                        { # A single entry in the confusion matrix.
                          "itemCount": "A String", # Number of items being predicted as this label.
                          "predictedLabel": "A String", # The predicted label. For confidence_threshold > 0, we will also add an entry indicating the number of items under the confidence threshold.
                        },
                      ],
                    },
                  ],
                },
              ],
            },
            "rankingMetrics": { # Evaluation metrics used by weighted-ALS models specified by feedback_type=implicit. # Populated for implicit feedback type matrix factorization models.
              "averageRank": 3.14, # Determines the goodness of a ranking by computing the percentile rank from the predicted confidence and dividing it by the original rank.
              "meanAveragePrecision": 3.14, # Calculates a precision per user for all the items by ranking them and then averages all the precisions across all the users.
              "meanSquaredError": 3.14, # Similar to the mean squared error computed in regression and explicit recommendation models except instead of computing the rating directly, the output from evaluate is computed against a preference which is 1 or 0 depending on if the rating exists or not.
              "normalizedDiscountedCumulativeGain": 3.14, # A metric to determine the goodness of a ranking calculated from the predicted confidence by comparing it to an ideal rank measured by the original ratings.
            },
            "regressionMetrics": { # Evaluation metrics for regression and explicit feedback type matrix factorization models. # Populated for regression models and explicit feedback type matrix factorization models.
              "meanAbsoluteError": 3.14, # Mean absolute error.
              "meanSquaredError": 3.14, # Mean squared error.
              "meanSquaredLogError": 3.14, # Mean squared log error.
              "medianAbsoluteError": 3.14, # Median absolute error.
              "rSquared": 3.14, # R^2 score. This corresponds to r2_score in ML.EVALUATE.
            },
          },
          "modelLevelGlobalExplanation": { # Global explanations containing the top most important features after training. # Output only. Global explanation contains the explanation of top features on the model level. Applies to both regression and classification models.
            "classLabel": "A String", # Class label for this set of global explanations. Will be empty/null for binary logistic and linear regression models. Sorted alphabetically in descending order.
            "explanations": [ # A list of the top global explanations. Sorted by absolute value of attribution in descending order.
              { # Explanation for a single feature.
                "attribution": 3.14, # Attribution of feature.
                "featureName": "A String", # The full feature name. For non-numerical features, will be formatted like `.`. Overall size of feature name will always be truncated to first 120 characters.
              },
            ],
          },
          "results": [ # Output only. Output of each iteration run, results.size() <= max_iterations.
            { # Information about a single iteration of the training run.
              "arimaResult": { # (Auto-)arima fitting result. Wrap everything in ArimaResult for easier refactoring if we want to use model-specific iteration results. # Arima result.
                "arimaModelInfo": [ # This message is repeated because there are multiple arima models fitted in auto-arima. For non-auto-arima model, its size is one.
                  { # Arima model information.
                    "arimaCoefficients": { # Arima coefficients. # Arima coefficients.
                      "autoRegressiveCoefficients": [ # Auto-regressive coefficients, an array of double.
                        3.14,
                      ],
                      "interceptCoefficient": 3.14, # Intercept coefficient, just a double not an array.
                      "movingAverageCoefficients": [ # Moving-average coefficients, an array of double.
                        3.14,
                      ],
                    },
                    "arimaFittingMetrics": { # ARIMA model fitting metrics. # Arima fitting metrics.
                      "aic": 3.14, # AIC.
                      "logLikelihood": 3.14, # Log-likelihood.
                      "variance": 3.14, # Variance.
                    },
                    "hasDrift": True or False, # Whether Arima model fitted with drift or not. It is always false when d is not 1.
                    "hasHolidayEffect": True or False, # If true, holiday_effect is a part of time series decomposition result.
                    "hasSpikesAndDips": True or False, # If true, spikes_and_dips is a part of time series decomposition result.
                    "hasStepChanges": True or False, # If true, step_changes is a part of time series decomposition result.
                    "nonSeasonalOrder": { # Arima order, can be used for both non-seasonal and seasonal parts. # Non-seasonal order.
                      "d": "A String", # Order of the differencing part.
                      "p": "A String", # Order of the autoregressive part.
                      "q": "A String", # Order of the moving-average part.
                    },
                    "seasonalPeriods": [ # Seasonal periods. Repeated because multiple periods are supported for one time series.
                      "A String",
                    ],
                    "timeSeriesId": "A String", # The time_series_id value for this time series. It will be one of the unique values from the time_series_id_column specified during ARIMA model training. Only present when time_series_id_column training option was used.
                    "timeSeriesIds": [ # The tuple of time_series_ids identifying this time series. It will be one of the unique tuples of values present in the time_series_id_columns specified during ARIMA model training. Only present when time_series_id_columns training option was used and the order of values here are same as the order of time_series_id_columns.
                      "A String",
                    ],
                  },
                ],
                "seasonalPeriods": [ # Seasonal periods. Repeated because multiple periods are supported for one time series.
                  "A String",
                ],
              },
              "clusterInfos": [ # Information about top clusters for clustering models.
                { # Information about a single cluster for clustering model.
                  "centroidId": "A String", # Centroid id.
                  "clusterRadius": 3.14, # Cluster radius, the average distance from centroid to each point assigned to the cluster.
                  "clusterSize": "A String", # Cluster size, the total number of points assigned to the cluster.
                },
              ],
              "durationMs": "A String", # Time taken to run the iteration in milliseconds.
              "evalLoss": 3.14, # Loss computed on the eval data at the end of iteration.
              "index": 42, # Index of the iteration, 0 based.
              "learnRate": 3.14, # Learn rate used for this iteration.
              "principalComponentInfos": [ # The information of the principal components.
                { # Principal component infos, used only for eigen decomposition based models, e.g., PCA. Ordered by explained_variance in the descending order.
                  "cumulativeExplainedVarianceRatio": 3.14, # The explained_variance is pre-ordered in the descending order to compute the cumulative explained variance ratio.
                  "explainedVariance": 3.14, # Explained variance by this principal component, which is simply the eigenvalue.
                  "explainedVarianceRatio": 3.14, # Explained_variance over the total explained variance.
                  "principalComponentId": "A String", # Id of the principal component.
                },
              ],
              "trainingLoss": 3.14, # Loss computed on the training data at the end of iteration.
            },
          ],
          "startTime": "A String", # Output only. The start time of this training run.
          "trainingOptions": { # Options used in model training. # Output only. Options that were used for this training run, includes user specified and default options that were used.
            "activationFn": "A String", # Activation function of the neural nets.
            "adjustStepChanges": True or False, # If true, detect step changes and make data adjustment in the input time series.
            "approxGlobalFeatureContrib": True or False, # Whether to use approximate feature contribution method in XGBoost model explanation for global explain.
            "autoArima": True or False, # Whether to enable auto ARIMA or not.
            "autoArimaMaxOrder": "A String", # The max value of the sum of non-seasonal p and q.
            "autoArimaMinOrder": "A String", # The min value of the sum of non-seasonal p and q.
            "autoClassWeights": True or False, # Whether to calculate class weights automatically based on the popularity of each label.
            "batchSize": "A String", # Batch size for dnn models.
            "boosterType": "A String", # Booster type for boosted tree models.
            "budgetHours": 3.14, # Budget in hours for AutoML training.
            "calculatePValues": True or False, # Whether or not p-value test should be computed for this model. Only available for linear and logistic regression models.
            "categoryEncodingMethod": "A String", # Categorical feature encoding method.
            "cleanSpikesAndDips": True or False, # If true, clean spikes and dips in the input time series.
            "colorSpace": "A String", # Enums for color space, used for processing images in Object Table. See more details at https://www.tensorflow.org/io/tutorials/colorspace.
            "colsampleBylevel": 3.14, # Subsample ratio of columns for each level for boosted tree models.
            "colsampleBynode": 3.14, # Subsample ratio of columns for each node(split) for boosted tree models.
            "colsampleBytree": 3.14, # Subsample ratio of columns when constructing each tree for boosted tree models.
            "contributionMetric": "A String", # The contribution metric. Applies to contribution analysis models. Allowed formats supported are for summable and summable ratio contribution metrics. These include expressions such as `SUM(x)` or `SUM(x)/SUM(y)`, where x and y are column names from the base table.
            "dartNormalizeType": "A String", # Type of normalization algorithm for boosted tree models using dart booster.
            "dataFrequency": "A String", # The data frequency of a time series.
            "dataSplitColumn": "A String", # The column to split data with. This column won't be used as a feature. 1. When data_split_method is CUSTOM, the corresponding column should be boolean. The rows with true value tag are eval data, and the false are training data. 2. When data_split_method is SEQ, the first DATA_SPLIT_EVAL_FRACTION rows (from smallest to largest) in the corresponding column are used as training data, and the rest are eval data. It respects the order in Orderable data types: https://cloud.google.com/bigquery/docs/reference/standard-sql/data-types#data_type_properties
            "dataSplitEvalFraction": 3.14, # The fraction of evaluation data over the whole input data. The rest of data will be used as training data. The format should be double. Accurate to two decimal places. Default value is 0.2.
            "dataSplitMethod": "A String", # The data split type for training and evaluation, e.g. RANDOM.
            "decomposeTimeSeries": True or False, # If true, perform decompose time series and save the results.
            "dimensionIdColumns": [ # Optional. Names of the columns to slice on. Applies to contribution analysis models.
              "A String",
            ],
            "distanceType": "A String", # Distance type for clustering models.
            "dropout": 3.14, # Dropout probability for dnn models.
            "earlyStop": True or False, # Whether to stop early when the loss doesn't improve significantly any more (compared to min_relative_progress). Used only for iterative training algorithms.
            "enableGlobalExplain": True or False, # If true, enable global explanation during training.
            "feedbackType": "A String", # Feedback type that specifies which algorithm to run for matrix factorization.
            "fitIntercept": True or False, # Whether the model should include intercept during model training.
            "forecastLimitLowerBound": 3.14, # The forecast limit lower bound that was used during ARIMA model training with limits. To see more details of the algorithm: https://otexts.com/fpp2/limits.html
            "forecastLimitUpperBound": 3.14, # The forecast limit upper bound that was used during ARIMA model training with limits.
            "hiddenUnits": [ # Hidden units for dnn models.
              "A String",
            ],
            "holidayRegion": "A String", # The geographical region based on which the holidays are considered in time series modeling. If a valid value is specified, then holiday effects modeling is enabled.
            "holidayRegions": [ # A list of geographical regions that are used for time series modeling.
              "A String",
            ],
            "horizon": "A String", # The number of periods ahead that need to be forecasted.
            "hparamTuningObjectives": [ # The target evaluation metrics to optimize the hyperparameters for.
              "A String",
            ],
            "includeDrift": True or False, # Include drift when fitting an ARIMA model.
            "initialLearnRate": 3.14, # Specifies the initial learning rate for the line search learn rate strategy.
            "inputLabelColumns": [ # Name of input label columns in training data.
              "A String",
            ],
            "instanceWeightColumn": "A String", # Name of the instance weight column for training data. This column isn't be used as a feature.
            "integratedGradientsNumSteps": "A String", # Number of integral steps for the integrated gradients explain method.
            "isTestColumn": "A String", # Name of the column used to determine the rows corresponding to control and test. Applies to contribution analysis models.
            "itemColumn": "A String", # Item column specified for matrix factorization models.
            "kmeansInitializationColumn": "A String", # The column used to provide the initial centroids for kmeans algorithm when kmeans_initialization_method is CUSTOM.
            "kmeansInitializationMethod": "A String", # The method used to initialize the centroids for kmeans algorithm.
            "l1RegActivation": 3.14, # L1 regularization coefficient to activations.
            "l1Regularization": 3.14, # L1 regularization coefficient.
            "l2Regularization": 3.14, # L2 regularization coefficient.
            "labelClassWeights": { # Weights associated with each label class, for rebalancing the training data. Only applicable for classification models.
              "a_key": 3.14,
            },
            "learnRate": 3.14, # Learning rate in training. Used only for iterative training algorithms.
            "learnRateStrategy": "A String", # The strategy to determine learn rate for the current iteration.
            "lossType": "A String", # Type of loss function used during training run.
            "maxIterations": "A String", # The maximum number of iterations in training. Used only for iterative training algorithms.
            "maxParallelTrials": "A String", # Maximum number of trials to run in parallel.
            "maxTimeSeriesLength": "A String", # The maximum number of time points in a time series that can be used in modeling the trend component of the time series. Don't use this option with the `timeSeriesLengthFraction` or `minTimeSeriesLength` options.
            "maxTreeDepth": "A String", # Maximum depth of a tree for boosted tree models.
            "minAprioriSupport": 3.14, # The apriori support minimum. Applies to contribution analysis models.
            "minRelativeProgress": 3.14, # When early_stop is true, stops training when accuracy improvement is less than 'min_relative_progress'. Used only for iterative training algorithms.
            "minSplitLoss": 3.14, # Minimum split loss for boosted tree models.
            "minTimeSeriesLength": "A String", # The minimum number of time points in a time series that are used in modeling the trend component of the time series. If you use this option you must also set the `timeSeriesLengthFraction` option. This training option ensures that enough time points are available when you use `timeSeriesLengthFraction` in trend modeling. This is particularly important when forecasting multiple time series in a single query using `timeSeriesIdColumn`. If the total number of time points is less than the `minTimeSeriesLength` value, then the query uses all available time points.
            "minTreeChildWeight": "A String", # Minimum sum of instance weight needed in a child for boosted tree models.
            "modelRegistry": "A String", # The model registry.
            "modelUri": "A String", # Google Cloud Storage URI from which the model was imported. Only applicable for imported models.
            "nonSeasonalOrder": { # Arima order, can be used for both non-seasonal and seasonal parts. # A specification of the non-seasonal part of the ARIMA model: the three components (p, d, q) are the AR order, the degree of differencing, and the MA order.
              "d": "A String", # Order of the differencing part.
              "p": "A String", # Order of the autoregressive part.
              "q": "A String", # Order of the moving-average part.
            },
            "numClusters": "A String", # Number of clusters for clustering models.
            "numFactors": "A String", # Num factors specified for matrix factorization models.
            "numParallelTree": "A String", # Number of parallel trees constructed during each iteration for boosted tree models.
            "numPrincipalComponents": "A String", # Number of principal components to keep in the PCA model. Must be <= the number of features.
            "numTrials": "A String", # Number of trials to run this hyperparameter tuning job.
            "optimizationStrategy": "A String", # Optimization strategy for training linear regression models.
            "optimizer": "A String", # Optimizer used for training the neural nets.
            "pcaExplainedVarianceRatio": 3.14, # The minimum ratio of cumulative explained variance that needs to be given by the PCA model.
            "pcaSolver": "A String", # The solver for PCA.
            "sampledShapleyNumPaths": "A String", # Number of paths for the sampled Shapley explain method.
            "scaleFeatures": True or False, # If true, scale the feature values by dividing the feature standard deviation. Currently only apply to PCA.
            "standardizeFeatures": True or False, # Whether to standardize numerical features. Default to true.
            "subsample": 3.14, # Subsample fraction of the training data to grow tree to prevent overfitting for boosted tree models.
            "tfVersion": "A String", # Based on the selected TF version, the corresponding docker image is used to train external models.
            "timeSeriesDataColumn": "A String", # Column to be designated as time series data for ARIMA model.
            "timeSeriesIdColumn": "A String", # The time series id column that was used during ARIMA model training.
            "timeSeriesIdColumns": [ # The time series id columns that were used during ARIMA model training.
              "A String",
            ],
            "timeSeriesLengthFraction": 3.14, # The fraction of the interpolated length of the time series that's used to model the time series trend component. All of the time points of the time series are used to model the non-trend component. This training option accelerates modeling training without sacrificing much forecasting accuracy. You can use this option with `minTimeSeriesLength` but not with `maxTimeSeriesLength`.
            "timeSeriesTimestampColumn": "A String", # Column to be designated as time series timestamp for ARIMA model.
            "treeMethod": "A String", # Tree construction algorithm for boosted tree models.
            "trendSmoothingWindowSize": "A String", # Smoothing window size for the trend component. When a positive value is specified, a center moving average smoothing is applied on the history trend. When the smoothing window is out of the boundary at the beginning or the end of the trend, the first element or the last element is padded to fill the smoothing window before the average is applied.
            "userColumn": "A String", # User column specified for matrix factorization models.
            "vertexAiModelVersionAliases": [ # The version aliases to apply in Vertex AI model registry. Always overwrite if the version aliases exists in a existing model.
              "A String",
            ],
            "walsAlpha": 3.14, # Hyperparameter for matrix factoration when implicit feedback type is specified.
            "warmStart": True or False, # Whether to train a model from the last checkpoint.
            "xgboostVersion": "A String", # User-selected XGBoost versions for training of XGBoost models.
          },
          "trainingStartTime": "A String", # Output only. The start time of this training run, in milliseconds since epoch.
          "vertexAiModelId": "A String", # The model id in the [Vertex AI Model Registry](https://cloud.google.com/vertex-ai/docs/model-registry/introduction) for this training run.
          "vertexAiModelVersion": "A String", # Output only. The model version in the [Vertex AI Model Registry](https://cloud.google.com/vertex-ai/docs/model-registry/introduction) for this training run.
        },
      ],
      "transformColumns": [ # Output only. This field will be populated if a TRANSFORM clause was used to train a model. TRANSFORM clause (if used) takes feature_columns as input and outputs transform_columns. transform_columns then are used to train the model.
        { # Information about a single transform column.
          "name": "A String", # Output only. Name of the column.
          "transformSql": "A String", # Output only. The SQL expression used in the column transform.
          "type": { # The data type of a variable such as a function argument. Examples include: * INT64: `{"typeKind": "INT64"}` * ARRAY: { "typeKind": "ARRAY", "arrayElementType": {"typeKind": "STRING"} } * STRUCT>: { "typeKind": "STRUCT", "structType": { "fields": [ { "name": "x", "type": {"typeKind": "STRING"} }, { "name": "y", "type": { "typeKind": "ARRAY", "arrayElementType": {"typeKind": "DATE"} } } ] } } * RANGE: { "typeKind": "RANGE", "rangeElementType": {"typeKind": "DATE"} } # Output only. Data type of the column after the transform.
            "arrayElementType": # Object with schema name: StandardSqlDataType # The type of the array's elements, if type_kind = "ARRAY".
            "rangeElementType": # Object with schema name: StandardSqlDataType # The type of the range's elements, if type_kind = "RANGE".
            "structType": { # The representation of a SQL STRUCT type. # The fields of this struct, in order, if type_kind = "STRUCT".
              "fields": [ # Fields within the struct.
                { # A field or a column.
                  "name": "A String", # Optional. The name of this field. Can be absent for struct fields.
                  "type": # Object with schema name: StandardSqlDataType # Optional. The type of this parameter. Absent if not explicitly specified (e.g., CREATE FUNCTION statement can omit the return type; in this case the output parameter does not have this "type" field).
                },
              ],
            },
            "typeKind": "A String", # Required. The top level type of this field. Can be any GoogleSQL data type (e.g., "INT64", "DATE", "ARRAY").
          },
        },
      ],
    },
  ],
  "nextPageToken": "A String", # A token to request the next page of results.
}
list_next()
  Retrieves the next page of results.
        Args:
          previous_request: The request for the previous page. (required)
          previous_response: The response from the request for the previous page. (required)
        Returns:
          A request object that you can call 'execute()' on to request the next
          page. Returns None if there are no more items in the collection.
        
patch(projectId, datasetId, modelId, body=None, x__xgafv=None)
  Patch specific fields in the specified model.
Args:
  projectId: string, Required. Project ID of the model to patch. (required)
  datasetId: string, Required. Dataset ID of the model to patch. (required)
  modelId: string, Required. Model ID of the model to patch. (required)
  body: object, The request body.
    The object takes the form of:
{
  "bestTrialId": "A String", # The best trial_id across all training runs.
  "creationTime": "A String", # Output only. The time when this model was created, in millisecs since the epoch.
  "defaultTrialId": "A String", # Output only. The default trial_id to use in TVFs when the trial_id is not passed in. For single-objective [hyperparameter tuning](https://cloud.google.com/bigquery-ml/docs/reference/standard-sql/bigqueryml-syntax-hp-tuning-overview) models, this is the best trial ID. For multi-objective [hyperparameter tuning](https://cloud.google.com/bigquery-ml/docs/reference/standard-sql/bigqueryml-syntax-hp-tuning-overview) models, this is the smallest trial ID among all Pareto optimal trials.
  "description": "A String", # Optional. A user-friendly description of this model.
  "encryptionConfiguration": { # Configuration for Cloud KMS encryption settings. # Custom encryption configuration (e.g., Cloud KMS keys). This shows the encryption configuration of the model data while stored in BigQuery storage. This field can be used with PatchModel to update encryption key for an already encrypted model.
    "kmsKeyName": "A String", # Optional. Describes the Cloud KMS encryption key that will be used to protect destination BigQuery table. The BigQuery Service Account associated with your project requires access to this encryption key.
  },
  "etag": "A String", # Output only. A hash of this resource.
  "expirationTime": "A String", # Optional. The time when this model expires, in milliseconds since the epoch. If not present, the model will persist indefinitely. Expired models will be deleted and their storage reclaimed. The defaultTableExpirationMs property of the encapsulating dataset can be used to set a default expirationTime on newly created models.
  "featureColumns": [ # Output only. Input feature columns for the model inference. If the model is trained with TRANSFORM clause, these are the input of the TRANSFORM clause.
    { # A field or a column.
      "name": "A String", # Optional. The name of this field. Can be absent for struct fields.
      "type": # Object with schema name: StandardSqlDataType # Optional. The type of this parameter. Absent if not explicitly specified (e.g., CREATE FUNCTION statement can omit the return type; in this case the output parameter does not have this "type" field).
    },
  ],
  "friendlyName": "A String", # Optional. A descriptive name for this model.
  "hparamSearchSpaces": { # Hyperparameter search spaces. These should be a subset of training_options. # Output only. All hyperparameter search spaces in this model.
    "activationFn": { # Search space for string and enum. # Activation functions of neural network models.
      "candidates": [ # Canididates for the string or enum parameter in lower case.
        "A String",
      ],
    },
    "batchSize": { # Search space for an int hyperparameter. # Mini batch sample size.
      "candidates": { # Discrete candidates of an int hyperparameter. # Candidates of the int hyperparameter.
        "candidates": [ # Candidates for the int parameter in increasing order.
          "A String",
        ],
      },
      "range": { # Range of an int hyperparameter. # Range of the int hyperparameter.
        "max": "A String", # Max value of the int parameter.
        "min": "A String", # Min value of the int parameter.
      },
    },
    "boosterType": { # Search space for string and enum. # Booster type for boosted tree models.
      "candidates": [ # Canididates for the string or enum parameter in lower case.
        "A String",
      ],
    },
    "colsampleBylevel": { # Search space for a double hyperparameter. # Subsample ratio of columns for each level for boosted tree models.
      "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
        "candidates": [ # Candidates for the double parameter in increasing order.
          3.14,
        ],
      },
      "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
        "max": 3.14, # Max value of the double parameter.
        "min": 3.14, # Min value of the double parameter.
      },
    },
    "colsampleBynode": { # Search space for a double hyperparameter. # Subsample ratio of columns for each node(split) for boosted tree models.
      "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
        "candidates": [ # Candidates for the double parameter in increasing order.
          3.14,
        ],
      },
      "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
        "max": 3.14, # Max value of the double parameter.
        "min": 3.14, # Min value of the double parameter.
      },
    },
    "colsampleBytree": { # Search space for a double hyperparameter. # Subsample ratio of columns when constructing each tree for boosted tree models.
      "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
        "candidates": [ # Candidates for the double parameter in increasing order.
          3.14,
        ],
      },
      "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
        "max": 3.14, # Max value of the double parameter.
        "min": 3.14, # Min value of the double parameter.
      },
    },
    "dartNormalizeType": { # Search space for string and enum. # Dart normalization type for boosted tree models.
      "candidates": [ # Canididates for the string or enum parameter in lower case.
        "A String",
      ],
    },
    "dropout": { # Search space for a double hyperparameter. # Dropout probability for dnn model training and boosted tree models using dart booster.
      "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
        "candidates": [ # Candidates for the double parameter in increasing order.
          3.14,
        ],
      },
      "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
        "max": 3.14, # Max value of the double parameter.
        "min": 3.14, # Min value of the double parameter.
      },
    },
    "hiddenUnits": { # Search space for int array. # Hidden units for neural network models.
      "candidates": [ # Candidates for the int array parameter.
        { # An array of int.
          "elements": [ # Elements in the int array.
            "A String",
          ],
        },
      ],
    },
    "l1Reg": { # Search space for a double hyperparameter. # L1 regularization coefficient.
      "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
        "candidates": [ # Candidates for the double parameter in increasing order.
          3.14,
        ],
      },
      "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
        "max": 3.14, # Max value of the double parameter.
        "min": 3.14, # Min value of the double parameter.
      },
    },
    "l2Reg": { # Search space for a double hyperparameter. # L2 regularization coefficient.
      "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
        "candidates": [ # Candidates for the double parameter in increasing order.
          3.14,
        ],
      },
      "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
        "max": 3.14, # Max value of the double parameter.
        "min": 3.14, # Min value of the double parameter.
      },
    },
    "learnRate": { # Search space for a double hyperparameter. # Learning rate of training jobs.
      "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
        "candidates": [ # Candidates for the double parameter in increasing order.
          3.14,
        ],
      },
      "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
        "max": 3.14, # Max value of the double parameter.
        "min": 3.14, # Min value of the double parameter.
      },
    },
    "maxTreeDepth": { # Search space for an int hyperparameter. # Maximum depth of a tree for boosted tree models.
      "candidates": { # Discrete candidates of an int hyperparameter. # Candidates of the int hyperparameter.
        "candidates": [ # Candidates for the int parameter in increasing order.
          "A String",
        ],
      },
      "range": { # Range of an int hyperparameter. # Range of the int hyperparameter.
        "max": "A String", # Max value of the int parameter.
        "min": "A String", # Min value of the int parameter.
      },
    },
    "minSplitLoss": { # Search space for a double hyperparameter. # Minimum split loss for boosted tree models.
      "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
        "candidates": [ # Candidates for the double parameter in increasing order.
          3.14,
        ],
      },
      "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
        "max": 3.14, # Max value of the double parameter.
        "min": 3.14, # Min value of the double parameter.
      },
    },
    "minTreeChildWeight": { # Search space for an int hyperparameter. # Minimum sum of instance weight needed in a child for boosted tree models.
      "candidates": { # Discrete candidates of an int hyperparameter. # Candidates of the int hyperparameter.
        "candidates": [ # Candidates for the int parameter in increasing order.
          "A String",
        ],
      },
      "range": { # Range of an int hyperparameter. # Range of the int hyperparameter.
        "max": "A String", # Max value of the int parameter.
        "min": "A String", # Min value of the int parameter.
      },
    },
    "numClusters": { # Search space for an int hyperparameter. # Number of clusters for k-means.
      "candidates": { # Discrete candidates of an int hyperparameter. # Candidates of the int hyperparameter.
        "candidates": [ # Candidates for the int parameter in increasing order.
          "A String",
        ],
      },
      "range": { # Range of an int hyperparameter. # Range of the int hyperparameter.
        "max": "A String", # Max value of the int parameter.
        "min": "A String", # Min value of the int parameter.
      },
    },
    "numFactors": { # Search space for an int hyperparameter. # Number of latent factors to train on.
      "candidates": { # Discrete candidates of an int hyperparameter. # Candidates of the int hyperparameter.
        "candidates": [ # Candidates for the int parameter in increasing order.
          "A String",
        ],
      },
      "range": { # Range of an int hyperparameter. # Range of the int hyperparameter.
        "max": "A String", # Max value of the int parameter.
        "min": "A String", # Min value of the int parameter.
      },
    },
    "numParallelTree": { # Search space for an int hyperparameter. # Number of parallel trees for boosted tree models.
      "candidates": { # Discrete candidates of an int hyperparameter. # Candidates of the int hyperparameter.
        "candidates": [ # Candidates for the int parameter in increasing order.
          "A String",
        ],
      },
      "range": { # Range of an int hyperparameter. # Range of the int hyperparameter.
        "max": "A String", # Max value of the int parameter.
        "min": "A String", # Min value of the int parameter.
      },
    },
    "optimizer": { # Search space for string and enum. # Optimizer of TF models.
      "candidates": [ # Canididates for the string or enum parameter in lower case.
        "A String",
      ],
    },
    "subsample": { # Search space for a double hyperparameter. # Subsample the training data to grow tree to prevent overfitting for boosted tree models.
      "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
        "candidates": [ # Candidates for the double parameter in increasing order.
          3.14,
        ],
      },
      "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
        "max": 3.14, # Max value of the double parameter.
        "min": 3.14, # Min value of the double parameter.
      },
    },
    "treeMethod": { # Search space for string and enum. # Tree construction algorithm for boosted tree models.
      "candidates": [ # Canididates for the string or enum parameter in lower case.
        "A String",
      ],
    },
    "walsAlpha": { # Search space for a double hyperparameter. # Hyperparameter for matrix factoration when implicit feedback type is specified.
      "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
        "candidates": [ # Candidates for the double parameter in increasing order.
          3.14,
        ],
      },
      "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
        "max": 3.14, # Max value of the double parameter.
        "min": 3.14, # Min value of the double parameter.
      },
    },
  },
  "hparamTrials": [ # Output only. Trials of a [hyperparameter tuning](https://cloud.google.com/bigquery-ml/docs/reference/standard-sql/bigqueryml-syntax-hp-tuning-overview) model sorted by trial_id.
    { # Training info of a trial in [hyperparameter tuning](https://cloud.google.com/bigquery-ml/docs/reference/standard-sql/bigqueryml-syntax-hp-tuning-overview) models.
      "endTimeMs": "A String", # Ending time of the trial.
      "errorMessage": "A String", # Error message for FAILED and INFEASIBLE trial.
      "evalLoss": 3.14, # Loss computed on the eval data at the end of trial.
      "evaluationMetrics": { # Evaluation metrics of a model. These are either computed on all training data or just the eval data based on whether eval data was used during training. These are not present for imported models. # Evaluation metrics of this trial calculated on the test data. Empty in Job API.
        "arimaForecastingMetrics": { # Model evaluation metrics for ARIMA forecasting models. # Populated for ARIMA models.
          "arimaFittingMetrics": [ # Arima model fitting metrics.
            { # ARIMA model fitting metrics.
              "aic": 3.14, # AIC.
              "logLikelihood": 3.14, # Log-likelihood.
              "variance": 3.14, # Variance.
            },
          ],
          "arimaSingleModelForecastingMetrics": [ # Repeated as there can be many metric sets (one for each model) in auto-arima and the large-scale case.
            { # Model evaluation metrics for a single ARIMA forecasting model.
              "arimaFittingMetrics": { # ARIMA model fitting metrics. # Arima fitting metrics.
                "aic": 3.14, # AIC.
                "logLikelihood": 3.14, # Log-likelihood.
                "variance": 3.14, # Variance.
              },
              "hasDrift": True or False, # Is arima model fitted with drift or not. It is always false when d is not 1.
              "hasHolidayEffect": True or False, # If true, holiday_effect is a part of time series decomposition result.
              "hasSpikesAndDips": True or False, # If true, spikes_and_dips is a part of time series decomposition result.
              "hasStepChanges": True or False, # If true, step_changes is a part of time series decomposition result.
              "nonSeasonalOrder": { # Arima order, can be used for both non-seasonal and seasonal parts. # Non-seasonal order.
                "d": "A String", # Order of the differencing part.
                "p": "A String", # Order of the autoregressive part.
                "q": "A String", # Order of the moving-average part.
              },
              "seasonalPeriods": [ # Seasonal periods. Repeated because multiple periods are supported for one time series.
                "A String",
              ],
              "timeSeriesId": "A String", # The time_series_id value for this time series. It will be one of the unique values from the time_series_id_column specified during ARIMA model training. Only present when time_series_id_column training option was used.
              "timeSeriesIds": [ # The tuple of time_series_ids identifying this time series. It will be one of the unique tuples of values present in the time_series_id_columns specified during ARIMA model training. Only present when time_series_id_columns training option was used and the order of values here are same as the order of time_series_id_columns.
                "A String",
              ],
            },
          ],
          "hasDrift": [ # Whether Arima model fitted with drift or not. It is always false when d is not 1.
            True or False,
          ],
          "nonSeasonalOrder": [ # Non-seasonal order.
            { # Arima order, can be used for both non-seasonal and seasonal parts.
              "d": "A String", # Order of the differencing part.
              "p": "A String", # Order of the autoregressive part.
              "q": "A String", # Order of the moving-average part.
            },
          ],
          "seasonalPeriods": [ # Seasonal periods. Repeated because multiple periods are supported for one time series.
            "A String",
          ],
          "timeSeriesId": [ # Id to differentiate different time series for the large-scale case.
            "A String",
          ],
        },
        "binaryClassificationMetrics": { # Evaluation metrics for binary classification/classifier models. # Populated for binary classification/classifier models.
          "aggregateClassificationMetrics": { # Aggregate metrics for classification/classifier models. For multi-class models, the metrics are either macro-averaged or micro-averaged. When macro-averaged, the metrics are calculated for each label and then an unweighted average is taken of those values. When micro-averaged, the metric is calculated globally by counting the total number of correctly predicted rows. # Aggregate classification metrics.
            "accuracy": 3.14, # Accuracy is the fraction of predictions given the correct label. For multiclass this is a micro-averaged metric.
            "f1Score": 3.14, # The F1 score is an average of recall and precision. For multiclass this is a macro-averaged metric.
            "logLoss": 3.14, # Logarithmic Loss. For multiclass this is a macro-averaged metric.
            "precision": 3.14, # Precision is the fraction of actual positive predictions that had positive actual labels. For multiclass this is a macro-averaged metric treating each class as a binary classifier.
            "recall": 3.14, # Recall is the fraction of actual positive labels that were given a positive prediction. For multiclass this is a macro-averaged metric.
            "rocAuc": 3.14, # Area Under a ROC Curve. For multiclass this is a macro-averaged metric.
            "threshold": 3.14, # Threshold at which the metrics are computed. For binary classification models this is the positive class threshold. For multi-class classification models this is the confidence threshold.
          },
          "binaryConfusionMatrixList": [ # Binary confusion matrix at multiple thresholds.
            { # Confusion matrix for binary classification models.
              "accuracy": 3.14, # The fraction of predictions given the correct label.
              "f1Score": 3.14, # The equally weighted average of recall and precision.
              "falseNegatives": "A String", # Number of false samples predicted as false.
              "falsePositives": "A String", # Number of false samples predicted as true.
              "positiveClassThreshold": 3.14, # Threshold value used when computing each of the following metric.
              "precision": 3.14, # The fraction of actual positive predictions that had positive actual labels.
              "recall": 3.14, # The fraction of actual positive labels that were given a positive prediction.
              "trueNegatives": "A String", # Number of true samples predicted as false.
              "truePositives": "A String", # Number of true samples predicted as true.
            },
          ],
          "negativeLabel": "A String", # Label representing the negative class.
          "positiveLabel": "A String", # Label representing the positive class.
        },
        "clusteringMetrics": { # Evaluation metrics for clustering models. # Populated for clustering models.
          "clusters": [ # Information for all clusters.
            { # Message containing the information about one cluster.
              "centroidId": "A String", # Centroid id.
              "count": "A String", # Count of training data rows that were assigned to this cluster.
              "featureValues": [ # Values of highly variant features for this cluster.
                { # Representative value of a single feature within the cluster.
                  "categoricalValue": { # Representative value of a categorical feature. # The categorical feature value.
                    "categoryCounts": [ # Counts of all categories for the categorical feature. If there are more than ten categories, we return top ten (by count) and return one more CategoryCount with category "_OTHER_" and count as aggregate counts of remaining categories.
                      { # Represents the count of a single category within the cluster.
                        "category": "A String", # The name of category.
                        "count": "A String", # The count of training samples matching the category within the cluster.
                      },
                    ],
                  },
                  "featureColumn": "A String", # The feature column name.
                  "numericalValue": 3.14, # The numerical feature value. This is the centroid value for this feature.
                },
              ],
            },
          ],
          "daviesBouldinIndex": 3.14, # Davies-Bouldin index.
          "meanSquaredDistance": 3.14, # Mean of squared distances between each sample to its cluster centroid.
        },
        "dimensionalityReductionMetrics": { # Model evaluation metrics for dimensionality reduction models. # Evaluation metrics when the model is a dimensionality reduction model, which currently includes PCA.
          "totalExplainedVarianceRatio": 3.14, # Total percentage of variance explained by the selected principal components.
        },
        "multiClassClassificationMetrics": { # Evaluation metrics for multi-class classification/classifier models. # Populated for multi-class classification/classifier models.
          "aggregateClassificationMetrics": { # Aggregate metrics for classification/classifier models. For multi-class models, the metrics are either macro-averaged or micro-averaged. When macro-averaged, the metrics are calculated for each label and then an unweighted average is taken of those values. When micro-averaged, the metric is calculated globally by counting the total number of correctly predicted rows. # Aggregate classification metrics.
            "accuracy": 3.14, # Accuracy is the fraction of predictions given the correct label. For multiclass this is a micro-averaged metric.
            "f1Score": 3.14, # The F1 score is an average of recall and precision. For multiclass this is a macro-averaged metric.
            "logLoss": 3.14, # Logarithmic Loss. For multiclass this is a macro-averaged metric.
            "precision": 3.14, # Precision is the fraction of actual positive predictions that had positive actual labels. For multiclass this is a macro-averaged metric treating each class as a binary classifier.
            "recall": 3.14, # Recall is the fraction of actual positive labels that were given a positive prediction. For multiclass this is a macro-averaged metric.
            "rocAuc": 3.14, # Area Under a ROC Curve. For multiclass this is a macro-averaged metric.
            "threshold": 3.14, # Threshold at which the metrics are computed. For binary classification models this is the positive class threshold. For multi-class classification models this is the confidence threshold.
          },
          "confusionMatrixList": [ # Confusion matrix at different thresholds.
            { # Confusion matrix for multi-class classification models.
              "confidenceThreshold": 3.14, # Confidence threshold used when computing the entries of the confusion matrix.
              "rows": [ # One row per actual label.
                { # A single row in the confusion matrix.
                  "actualLabel": "A String", # The original label of this row.
                  "entries": [ # Info describing predicted label distribution.
                    { # A single entry in the confusion matrix.
                      "itemCount": "A String", # Number of items being predicted as this label.
                      "predictedLabel": "A String", # The predicted label. For confidence_threshold > 0, we will also add an entry indicating the number of items under the confidence threshold.
                    },
                  ],
                },
              ],
            },
          ],
        },
        "rankingMetrics": { # Evaluation metrics used by weighted-ALS models specified by feedback_type=implicit. # Populated for implicit feedback type matrix factorization models.
          "averageRank": 3.14, # Determines the goodness of a ranking by computing the percentile rank from the predicted confidence and dividing it by the original rank.
          "meanAveragePrecision": 3.14, # Calculates a precision per user for all the items by ranking them and then averages all the precisions across all the users.
          "meanSquaredError": 3.14, # Similar to the mean squared error computed in regression and explicit recommendation models except instead of computing the rating directly, the output from evaluate is computed against a preference which is 1 or 0 depending on if the rating exists or not.
          "normalizedDiscountedCumulativeGain": 3.14, # A metric to determine the goodness of a ranking calculated from the predicted confidence by comparing it to an ideal rank measured by the original ratings.
        },
        "regressionMetrics": { # Evaluation metrics for regression and explicit feedback type matrix factorization models. # Populated for regression models and explicit feedback type matrix factorization models.
          "meanAbsoluteError": 3.14, # Mean absolute error.
          "meanSquaredError": 3.14, # Mean squared error.
          "meanSquaredLogError": 3.14, # Mean squared log error.
          "medianAbsoluteError": 3.14, # Median absolute error.
          "rSquared": 3.14, # R^2 score. This corresponds to r2_score in ML.EVALUATE.
        },
      },
      "hparamTuningEvaluationMetrics": { # Evaluation metrics of a model. These are either computed on all training data or just the eval data based on whether eval data was used during training. These are not present for imported models. # Hyperparameter tuning evaluation metrics of this trial calculated on the eval data. Unlike evaluation_metrics, only the fields corresponding to the hparam_tuning_objectives are set.
        "arimaForecastingMetrics": { # Model evaluation metrics for ARIMA forecasting models. # Populated for ARIMA models.
          "arimaFittingMetrics": [ # Arima model fitting metrics.
            { # ARIMA model fitting metrics.
              "aic": 3.14, # AIC.
              "logLikelihood": 3.14, # Log-likelihood.
              "variance": 3.14, # Variance.
            },
          ],
          "arimaSingleModelForecastingMetrics": [ # Repeated as there can be many metric sets (one for each model) in auto-arima and the large-scale case.
            { # Model evaluation metrics for a single ARIMA forecasting model.
              "arimaFittingMetrics": { # ARIMA model fitting metrics. # Arima fitting metrics.
                "aic": 3.14, # AIC.
                "logLikelihood": 3.14, # Log-likelihood.
                "variance": 3.14, # Variance.
              },
              "hasDrift": True or False, # Is arima model fitted with drift or not. It is always false when d is not 1.
              "hasHolidayEffect": True or False, # If true, holiday_effect is a part of time series decomposition result.
              "hasSpikesAndDips": True or False, # If true, spikes_and_dips is a part of time series decomposition result.
              "hasStepChanges": True or False, # If true, step_changes is a part of time series decomposition result.
              "nonSeasonalOrder": { # Arima order, can be used for both non-seasonal and seasonal parts. # Non-seasonal order.
                "d": "A String", # Order of the differencing part.
                "p": "A String", # Order of the autoregressive part.
                "q": "A String", # Order of the moving-average part.
              },
              "seasonalPeriods": [ # Seasonal periods. Repeated because multiple periods are supported for one time series.
                "A String",
              ],
              "timeSeriesId": "A String", # The time_series_id value for this time series. It will be one of the unique values from the time_series_id_column specified during ARIMA model training. Only present when time_series_id_column training option was used.
              "timeSeriesIds": [ # The tuple of time_series_ids identifying this time series. It will be one of the unique tuples of values present in the time_series_id_columns specified during ARIMA model training. Only present when time_series_id_columns training option was used and the order of values here are same as the order of time_series_id_columns.
                "A String",
              ],
            },
          ],
          "hasDrift": [ # Whether Arima model fitted with drift or not. It is always false when d is not 1.
            True or False,
          ],
          "nonSeasonalOrder": [ # Non-seasonal order.
            { # Arima order, can be used for both non-seasonal and seasonal parts.
              "d": "A String", # Order of the differencing part.
              "p": "A String", # Order of the autoregressive part.
              "q": "A String", # Order of the moving-average part.
            },
          ],
          "seasonalPeriods": [ # Seasonal periods. Repeated because multiple periods are supported for one time series.
            "A String",
          ],
          "timeSeriesId": [ # Id to differentiate different time series for the large-scale case.
            "A String",
          ],
        },
        "binaryClassificationMetrics": { # Evaluation metrics for binary classification/classifier models. # Populated for binary classification/classifier models.
          "aggregateClassificationMetrics": { # Aggregate metrics for classification/classifier models. For multi-class models, the metrics are either macro-averaged or micro-averaged. When macro-averaged, the metrics are calculated for each label and then an unweighted average is taken of those values. When micro-averaged, the metric is calculated globally by counting the total number of correctly predicted rows. # Aggregate classification metrics.
            "accuracy": 3.14, # Accuracy is the fraction of predictions given the correct label. For multiclass this is a micro-averaged metric.
            "f1Score": 3.14, # The F1 score is an average of recall and precision. For multiclass this is a macro-averaged metric.
            "logLoss": 3.14, # Logarithmic Loss. For multiclass this is a macro-averaged metric.
            "precision": 3.14, # Precision is the fraction of actual positive predictions that had positive actual labels. For multiclass this is a macro-averaged metric treating each class as a binary classifier.
            "recall": 3.14, # Recall is the fraction of actual positive labels that were given a positive prediction. For multiclass this is a macro-averaged metric.
            "rocAuc": 3.14, # Area Under a ROC Curve. For multiclass this is a macro-averaged metric.
            "threshold": 3.14, # Threshold at which the metrics are computed. For binary classification models this is the positive class threshold. For multi-class classification models this is the confidence threshold.
          },
          "binaryConfusionMatrixList": [ # Binary confusion matrix at multiple thresholds.
            { # Confusion matrix for binary classification models.
              "accuracy": 3.14, # The fraction of predictions given the correct label.
              "f1Score": 3.14, # The equally weighted average of recall and precision.
              "falseNegatives": "A String", # Number of false samples predicted as false.
              "falsePositives": "A String", # Number of false samples predicted as true.
              "positiveClassThreshold": 3.14, # Threshold value used when computing each of the following metric.
              "precision": 3.14, # The fraction of actual positive predictions that had positive actual labels.
              "recall": 3.14, # The fraction of actual positive labels that were given a positive prediction.
              "trueNegatives": "A String", # Number of true samples predicted as false.
              "truePositives": "A String", # Number of true samples predicted as true.
            },
          ],
          "negativeLabel": "A String", # Label representing the negative class.
          "positiveLabel": "A String", # Label representing the positive class.
        },
        "clusteringMetrics": { # Evaluation metrics for clustering models. # Populated for clustering models.
          "clusters": [ # Information for all clusters.
            { # Message containing the information about one cluster.
              "centroidId": "A String", # Centroid id.
              "count": "A String", # Count of training data rows that were assigned to this cluster.
              "featureValues": [ # Values of highly variant features for this cluster.
                { # Representative value of a single feature within the cluster.
                  "categoricalValue": { # Representative value of a categorical feature. # The categorical feature value.
                    "categoryCounts": [ # Counts of all categories for the categorical feature. If there are more than ten categories, we return top ten (by count) and return one more CategoryCount with category "_OTHER_" and count as aggregate counts of remaining categories.
                      { # Represents the count of a single category within the cluster.
                        "category": "A String", # The name of category.
                        "count": "A String", # The count of training samples matching the category within the cluster.
                      },
                    ],
                  },
                  "featureColumn": "A String", # The feature column name.
                  "numericalValue": 3.14, # The numerical feature value. This is the centroid value for this feature.
                },
              ],
            },
          ],
          "daviesBouldinIndex": 3.14, # Davies-Bouldin index.
          "meanSquaredDistance": 3.14, # Mean of squared distances between each sample to its cluster centroid.
        },
        "dimensionalityReductionMetrics": { # Model evaluation metrics for dimensionality reduction models. # Evaluation metrics when the model is a dimensionality reduction model, which currently includes PCA.
          "totalExplainedVarianceRatio": 3.14, # Total percentage of variance explained by the selected principal components.
        },
        "multiClassClassificationMetrics": { # Evaluation metrics for multi-class classification/classifier models. # Populated for multi-class classification/classifier models.
          "aggregateClassificationMetrics": { # Aggregate metrics for classification/classifier models. For multi-class models, the metrics are either macro-averaged or micro-averaged. When macro-averaged, the metrics are calculated for each label and then an unweighted average is taken of those values. When micro-averaged, the metric is calculated globally by counting the total number of correctly predicted rows. # Aggregate classification metrics.
            "accuracy": 3.14, # Accuracy is the fraction of predictions given the correct label. For multiclass this is a micro-averaged metric.
            "f1Score": 3.14, # The F1 score is an average of recall and precision. For multiclass this is a macro-averaged metric.
            "logLoss": 3.14, # Logarithmic Loss. For multiclass this is a macro-averaged metric.
            "precision": 3.14, # Precision is the fraction of actual positive predictions that had positive actual labels. For multiclass this is a macro-averaged metric treating each class as a binary classifier.
            "recall": 3.14, # Recall is the fraction of actual positive labels that were given a positive prediction. For multiclass this is a macro-averaged metric.
            "rocAuc": 3.14, # Area Under a ROC Curve. For multiclass this is a macro-averaged metric.
            "threshold": 3.14, # Threshold at which the metrics are computed. For binary classification models this is the positive class threshold. For multi-class classification models this is the confidence threshold.
          },
          "confusionMatrixList": [ # Confusion matrix at different thresholds.
            { # Confusion matrix for multi-class classification models.
              "confidenceThreshold": 3.14, # Confidence threshold used when computing the entries of the confusion matrix.
              "rows": [ # One row per actual label.
                { # A single row in the confusion matrix.
                  "actualLabel": "A String", # The original label of this row.
                  "entries": [ # Info describing predicted label distribution.
                    { # A single entry in the confusion matrix.
                      "itemCount": "A String", # Number of items being predicted as this label.
                      "predictedLabel": "A String", # The predicted label. For confidence_threshold > 0, we will also add an entry indicating the number of items under the confidence threshold.
                    },
                  ],
                },
              ],
            },
          ],
        },
        "rankingMetrics": { # Evaluation metrics used by weighted-ALS models specified by feedback_type=implicit. # Populated for implicit feedback type matrix factorization models.
          "averageRank": 3.14, # Determines the goodness of a ranking by computing the percentile rank from the predicted confidence and dividing it by the original rank.
          "meanAveragePrecision": 3.14, # Calculates a precision per user for all the items by ranking them and then averages all the precisions across all the users.
          "meanSquaredError": 3.14, # Similar to the mean squared error computed in regression and explicit recommendation models except instead of computing the rating directly, the output from evaluate is computed against a preference which is 1 or 0 depending on if the rating exists or not.
          "normalizedDiscountedCumulativeGain": 3.14, # A metric to determine the goodness of a ranking calculated from the predicted confidence by comparing it to an ideal rank measured by the original ratings.
        },
        "regressionMetrics": { # Evaluation metrics for regression and explicit feedback type matrix factorization models. # Populated for regression models and explicit feedback type matrix factorization models.
          "meanAbsoluteError": 3.14, # Mean absolute error.
          "meanSquaredError": 3.14, # Mean squared error.
          "meanSquaredLogError": 3.14, # Mean squared log error.
          "medianAbsoluteError": 3.14, # Median absolute error.
          "rSquared": 3.14, # R^2 score. This corresponds to r2_score in ML.EVALUATE.
        },
      },
      "hparams": { # Options used in model training. # The hyperprameters selected for this trial.
        "activationFn": "A String", # Activation function of the neural nets.
        "adjustStepChanges": True or False, # If true, detect step changes and make data adjustment in the input time series.
        "approxGlobalFeatureContrib": True or False, # Whether to use approximate feature contribution method in XGBoost model explanation for global explain.
        "autoArima": True or False, # Whether to enable auto ARIMA or not.
        "autoArimaMaxOrder": "A String", # The max value of the sum of non-seasonal p and q.
        "autoArimaMinOrder": "A String", # The min value of the sum of non-seasonal p and q.
        "autoClassWeights": True or False, # Whether to calculate class weights automatically based on the popularity of each label.
        "batchSize": "A String", # Batch size for dnn models.
        "boosterType": "A String", # Booster type for boosted tree models.
        "budgetHours": 3.14, # Budget in hours for AutoML training.
        "calculatePValues": True or False, # Whether or not p-value test should be computed for this model. Only available for linear and logistic regression models.
        "categoryEncodingMethod": "A String", # Categorical feature encoding method.
        "cleanSpikesAndDips": True or False, # If true, clean spikes and dips in the input time series.
        "colorSpace": "A String", # Enums for color space, used for processing images in Object Table. See more details at https://www.tensorflow.org/io/tutorials/colorspace.
        "colsampleBylevel": 3.14, # Subsample ratio of columns for each level for boosted tree models.
        "colsampleBynode": 3.14, # Subsample ratio of columns for each node(split) for boosted tree models.
        "colsampleBytree": 3.14, # Subsample ratio of columns when constructing each tree for boosted tree models.
        "contributionMetric": "A String", # The contribution metric. Applies to contribution analysis models. Allowed formats supported are for summable and summable ratio contribution metrics. These include expressions such as `SUM(x)` or `SUM(x)/SUM(y)`, where x and y are column names from the base table.
        "dartNormalizeType": "A String", # Type of normalization algorithm for boosted tree models using dart booster.
        "dataFrequency": "A String", # The data frequency of a time series.
        "dataSplitColumn": "A String", # The column to split data with. This column won't be used as a feature. 1. When data_split_method is CUSTOM, the corresponding column should be boolean. The rows with true value tag are eval data, and the false are training data. 2. When data_split_method is SEQ, the first DATA_SPLIT_EVAL_FRACTION rows (from smallest to largest) in the corresponding column are used as training data, and the rest are eval data. It respects the order in Orderable data types: https://cloud.google.com/bigquery/docs/reference/standard-sql/data-types#data_type_properties
        "dataSplitEvalFraction": 3.14, # The fraction of evaluation data over the whole input data. The rest of data will be used as training data. The format should be double. Accurate to two decimal places. Default value is 0.2.
        "dataSplitMethod": "A String", # The data split type for training and evaluation, e.g. RANDOM.
        "decomposeTimeSeries": True or False, # If true, perform decompose time series and save the results.
        "dimensionIdColumns": [ # Optional. Names of the columns to slice on. Applies to contribution analysis models.
          "A String",
        ],
        "distanceType": "A String", # Distance type for clustering models.
        "dropout": 3.14, # Dropout probability for dnn models.
        "earlyStop": True or False, # Whether to stop early when the loss doesn't improve significantly any more (compared to min_relative_progress). Used only for iterative training algorithms.
        "enableGlobalExplain": True or False, # If true, enable global explanation during training.
        "feedbackType": "A String", # Feedback type that specifies which algorithm to run for matrix factorization.
        "fitIntercept": True or False, # Whether the model should include intercept during model training.
        "forecastLimitLowerBound": 3.14, # The forecast limit lower bound that was used during ARIMA model training with limits. To see more details of the algorithm: https://otexts.com/fpp2/limits.html
        "forecastLimitUpperBound": 3.14, # The forecast limit upper bound that was used during ARIMA model training with limits.
        "hiddenUnits": [ # Hidden units for dnn models.
          "A String",
        ],
        "holidayRegion": "A String", # The geographical region based on which the holidays are considered in time series modeling. If a valid value is specified, then holiday effects modeling is enabled.
        "holidayRegions": [ # A list of geographical regions that are used for time series modeling.
          "A String",
        ],
        "horizon": "A String", # The number of periods ahead that need to be forecasted.
        "hparamTuningObjectives": [ # The target evaluation metrics to optimize the hyperparameters for.
          "A String",
        ],
        "includeDrift": True or False, # Include drift when fitting an ARIMA model.
        "initialLearnRate": 3.14, # Specifies the initial learning rate for the line search learn rate strategy.
        "inputLabelColumns": [ # Name of input label columns in training data.
          "A String",
        ],
        "instanceWeightColumn": "A String", # Name of the instance weight column for training data. This column isn't be used as a feature.
        "integratedGradientsNumSteps": "A String", # Number of integral steps for the integrated gradients explain method.
        "isTestColumn": "A String", # Name of the column used to determine the rows corresponding to control and test. Applies to contribution analysis models.
        "itemColumn": "A String", # Item column specified for matrix factorization models.
        "kmeansInitializationColumn": "A String", # The column used to provide the initial centroids for kmeans algorithm when kmeans_initialization_method is CUSTOM.
        "kmeansInitializationMethod": "A String", # The method used to initialize the centroids for kmeans algorithm.
        "l1RegActivation": 3.14, # L1 regularization coefficient to activations.
        "l1Regularization": 3.14, # L1 regularization coefficient.
        "l2Regularization": 3.14, # L2 regularization coefficient.
        "labelClassWeights": { # Weights associated with each label class, for rebalancing the training data. Only applicable for classification models.
          "a_key": 3.14,
        },
        "learnRate": 3.14, # Learning rate in training. Used only for iterative training algorithms.
        "learnRateStrategy": "A String", # The strategy to determine learn rate for the current iteration.
        "lossType": "A String", # Type of loss function used during training run.
        "maxIterations": "A String", # The maximum number of iterations in training. Used only for iterative training algorithms.
        "maxParallelTrials": "A String", # Maximum number of trials to run in parallel.
        "maxTimeSeriesLength": "A String", # The maximum number of time points in a time series that can be used in modeling the trend component of the time series. Don't use this option with the `timeSeriesLengthFraction` or `minTimeSeriesLength` options.
        "maxTreeDepth": "A String", # Maximum depth of a tree for boosted tree models.
        "minAprioriSupport": 3.14, # The apriori support minimum. Applies to contribution analysis models.
        "minRelativeProgress": 3.14, # When early_stop is true, stops training when accuracy improvement is less than 'min_relative_progress'. Used only for iterative training algorithms.
        "minSplitLoss": 3.14, # Minimum split loss for boosted tree models.
        "minTimeSeriesLength": "A String", # The minimum number of time points in a time series that are used in modeling the trend component of the time series. If you use this option you must also set the `timeSeriesLengthFraction` option. This training option ensures that enough time points are available when you use `timeSeriesLengthFraction` in trend modeling. This is particularly important when forecasting multiple time series in a single query using `timeSeriesIdColumn`. If the total number of time points is less than the `minTimeSeriesLength` value, then the query uses all available time points.
        "minTreeChildWeight": "A String", # Minimum sum of instance weight needed in a child for boosted tree models.
        "modelRegistry": "A String", # The model registry.
        "modelUri": "A String", # Google Cloud Storage URI from which the model was imported. Only applicable for imported models.
        "nonSeasonalOrder": { # Arima order, can be used for both non-seasonal and seasonal parts. # A specification of the non-seasonal part of the ARIMA model: the three components (p, d, q) are the AR order, the degree of differencing, and the MA order.
          "d": "A String", # Order of the differencing part.
          "p": "A String", # Order of the autoregressive part.
          "q": "A String", # Order of the moving-average part.
        },
        "numClusters": "A String", # Number of clusters for clustering models.
        "numFactors": "A String", # Num factors specified for matrix factorization models.
        "numParallelTree": "A String", # Number of parallel trees constructed during each iteration for boosted tree models.
        "numPrincipalComponents": "A String", # Number of principal components to keep in the PCA model. Must be <= the number of features.
        "numTrials": "A String", # Number of trials to run this hyperparameter tuning job.
        "optimizationStrategy": "A String", # Optimization strategy for training linear regression models.
        "optimizer": "A String", # Optimizer used for training the neural nets.
        "pcaExplainedVarianceRatio": 3.14, # The minimum ratio of cumulative explained variance that needs to be given by the PCA model.
        "pcaSolver": "A String", # The solver for PCA.
        "sampledShapleyNumPaths": "A String", # Number of paths for the sampled Shapley explain method.
        "scaleFeatures": True or False, # If true, scale the feature values by dividing the feature standard deviation. Currently only apply to PCA.
        "standardizeFeatures": True or False, # Whether to standardize numerical features. Default to true.
        "subsample": 3.14, # Subsample fraction of the training data to grow tree to prevent overfitting for boosted tree models.
        "tfVersion": "A String", # Based on the selected TF version, the corresponding docker image is used to train external models.
        "timeSeriesDataColumn": "A String", # Column to be designated as time series data for ARIMA model.
        "timeSeriesIdColumn": "A String", # The time series id column that was used during ARIMA model training.
        "timeSeriesIdColumns": [ # The time series id columns that were used during ARIMA model training.
          "A String",
        ],
        "timeSeriesLengthFraction": 3.14, # The fraction of the interpolated length of the time series that's used to model the time series trend component. All of the time points of the time series are used to model the non-trend component. This training option accelerates modeling training without sacrificing much forecasting accuracy. You can use this option with `minTimeSeriesLength` but not with `maxTimeSeriesLength`.
        "timeSeriesTimestampColumn": "A String", # Column to be designated as time series timestamp for ARIMA model.
        "treeMethod": "A String", # Tree construction algorithm for boosted tree models.
        "trendSmoothingWindowSize": "A String", # Smoothing window size for the trend component. When a positive value is specified, a center moving average smoothing is applied on the history trend. When the smoothing window is out of the boundary at the beginning or the end of the trend, the first element or the last element is padded to fill the smoothing window before the average is applied.
        "userColumn": "A String", # User column specified for matrix factorization models.
        "vertexAiModelVersionAliases": [ # The version aliases to apply in Vertex AI model registry. Always overwrite if the version aliases exists in a existing model.
          "A String",
        ],
        "walsAlpha": 3.14, # Hyperparameter for matrix factoration when implicit feedback type is specified.
        "warmStart": True or False, # Whether to train a model from the last checkpoint.
        "xgboostVersion": "A String", # User-selected XGBoost versions for training of XGBoost models.
      },
      "startTimeMs": "A String", # Starting time of the trial.
      "status": "A String", # The status of the trial.
      "trainingLoss": 3.14, # Loss computed on the training data at the end of trial.
      "trialId": "A String", # 1-based index of the trial.
    },
  ],
  "labelColumns": [ # Output only. Label columns that were used to train this model. The output of the model will have a "predicted_" prefix to these columns.
    { # A field or a column.
      "name": "A String", # Optional. The name of this field. Can be absent for struct fields.
      "type": # Object with schema name: StandardSqlDataType # Optional. The type of this parameter. Absent if not explicitly specified (e.g., CREATE FUNCTION statement can omit the return type; in this case the output parameter does not have this "type" field).
    },
  ],
  "labels": { # The labels associated with this model. You can use these to organize and group your models. Label keys and values can be no longer than 63 characters, can only contain lowercase letters, numeric characters, underscores and dashes. International characters are allowed. Label values are optional. Label keys must start with a letter and each label in the list must have a different key.
    "a_key": "A String",
  },
  "lastModifiedTime": "A String", # Output only. The time when this model was last modified, in millisecs since the epoch.
  "location": "A String", # Output only. The geographic location where the model resides. This value is inherited from the dataset.
  "modelReference": { # Id path of a model. # Required. Unique identifier for this model.
    "datasetId": "A String", # Required. The ID of the dataset containing this model.
    "modelId": "A String", # Required. The ID of the model. The ID must contain only letters (a-z, A-Z), numbers (0-9), or underscores (_). The maximum length is 1,024 characters.
    "projectId": "A String", # Required. The ID of the project containing this model.
  },
  "modelType": "A String", # Output only. Type of the model resource.
  "optimalTrialIds": [ # Output only. For single-objective [hyperparameter tuning](https://cloud.google.com/bigquery-ml/docs/reference/standard-sql/bigqueryml-syntax-hp-tuning-overview) models, it only contains the best trial. For multi-objective [hyperparameter tuning](https://cloud.google.com/bigquery-ml/docs/reference/standard-sql/bigqueryml-syntax-hp-tuning-overview) models, it contains all Pareto optimal trials sorted by trial_id.
    "A String",
  ],
  "remoteModelInfo": { # Remote Model Info # Output only. Remote model info
    "connection": "A String", # Output only. Fully qualified name of the user-provided connection object of the remote model. Format: ```"projects/{project_id}/locations/{location_id}/connections/{connection_id}"```
    "endpoint": "A String", # Output only. The endpoint for remote model.
    "maxBatchingRows": "A String", # Output only. Max number of rows in each batch sent to the remote service. If unset, the number of rows in each batch is set dynamically.
    "remoteModelVersion": "A String", # Output only. The model version for LLM.
    "remoteServiceType": "A String", # Output only. The remote service type for remote model.
    "speechRecognizer": "A String", # Output only. The name of the speech recognizer to use for speech recognition. The expected format is `projects/{project}/locations/{location}/recognizers/{recognizer}`. Customers can specify this field at model creation. If not specified, a default recognizer `projects/{model project}/locations/global/recognizers/_` will be used. See more details at [recognizers](https://cloud.google.com/speech-to-text/v2/docs/reference/rest/v2/projects.locations.recognizers)
  },
  "trainingRuns": [ # Information for all training runs in increasing order of start_time.
    { # Information about a single training query run for the model.
      "classLevelGlobalExplanations": [ # Output only. Global explanation contains the explanation of top features on the class level. Applies to classification models only.
        { # Global explanations containing the top most important features after training.
          "classLabel": "A String", # Class label for this set of global explanations. Will be empty/null for binary logistic and linear regression models. Sorted alphabetically in descending order.
          "explanations": [ # A list of the top global explanations. Sorted by absolute value of attribution in descending order.
            { # Explanation for a single feature.
              "attribution": 3.14, # Attribution of feature.
              "featureName": "A String", # The full feature name. For non-numerical features, will be formatted like `.`. Overall size of feature name will always be truncated to first 120 characters.
            },
          ],
        },
      ],
      "dataSplitResult": { # Data split result. This contains references to the training and evaluation data tables that were used to train the model. # Output only. Data split result of the training run. Only set when the input data is actually split.
        "evaluationTable": { # Table reference of the evaluation data after split.
          "datasetId": "A String", # Required. The ID of the dataset containing this table.
          "projectId": "A String", # Required. The ID of the project containing this table.
          "tableId": "A String", # Required. The ID of the table. The ID can contain Unicode characters in category L (letter), M (mark), N (number), Pc (connector, including underscore), Pd (dash), and Zs (space). For more information, see [General Category](https://wikipedia.org/wiki/Unicode_character_property#General_Category). The maximum length is 1,024 characters. Certain operations allow suffixing of the table ID with a partition decorator, such as `sample_table$20190123`.
        },
        "testTable": { # Table reference of the test data after split.
          "datasetId": "A String", # Required. The ID of the dataset containing this table.
          "projectId": "A String", # Required. The ID of the project containing this table.
          "tableId": "A String", # Required. The ID of the table. The ID can contain Unicode characters in category L (letter), M (mark), N (number), Pc (connector, including underscore), Pd (dash), and Zs (space). For more information, see [General Category](https://wikipedia.org/wiki/Unicode_character_property#General_Category). The maximum length is 1,024 characters. Certain operations allow suffixing of the table ID with a partition decorator, such as `sample_table$20190123`.
        },
        "trainingTable": { # Table reference of the training data after split.
          "datasetId": "A String", # Required. The ID of the dataset containing this table.
          "projectId": "A String", # Required. The ID of the project containing this table.
          "tableId": "A String", # Required. The ID of the table. The ID can contain Unicode characters in category L (letter), M (mark), N (number), Pc (connector, including underscore), Pd (dash), and Zs (space). For more information, see [General Category](https://wikipedia.org/wiki/Unicode_character_property#General_Category). The maximum length is 1,024 characters. Certain operations allow suffixing of the table ID with a partition decorator, such as `sample_table$20190123`.
        },
      },
      "evaluationMetrics": { # Evaluation metrics of a model. These are either computed on all training data or just the eval data based on whether eval data was used during training. These are not present for imported models. # Output only. The evaluation metrics over training/eval data that were computed at the end of training.
        "arimaForecastingMetrics": { # Model evaluation metrics for ARIMA forecasting models. # Populated for ARIMA models.
          "arimaFittingMetrics": [ # Arima model fitting metrics.
            { # ARIMA model fitting metrics.
              "aic": 3.14, # AIC.
              "logLikelihood": 3.14, # Log-likelihood.
              "variance": 3.14, # Variance.
            },
          ],
          "arimaSingleModelForecastingMetrics": [ # Repeated as there can be many metric sets (one for each model) in auto-arima and the large-scale case.
            { # Model evaluation metrics for a single ARIMA forecasting model.
              "arimaFittingMetrics": { # ARIMA model fitting metrics. # Arima fitting metrics.
                "aic": 3.14, # AIC.
                "logLikelihood": 3.14, # Log-likelihood.
                "variance": 3.14, # Variance.
              },
              "hasDrift": True or False, # Is arima model fitted with drift or not. It is always false when d is not 1.
              "hasHolidayEffect": True or False, # If true, holiday_effect is a part of time series decomposition result.
              "hasSpikesAndDips": True or False, # If true, spikes_and_dips is a part of time series decomposition result.
              "hasStepChanges": True or False, # If true, step_changes is a part of time series decomposition result.
              "nonSeasonalOrder": { # Arima order, can be used for both non-seasonal and seasonal parts. # Non-seasonal order.
                "d": "A String", # Order of the differencing part.
                "p": "A String", # Order of the autoregressive part.
                "q": "A String", # Order of the moving-average part.
              },
              "seasonalPeriods": [ # Seasonal periods. Repeated because multiple periods are supported for one time series.
                "A String",
              ],
              "timeSeriesId": "A String", # The time_series_id value for this time series. It will be one of the unique values from the time_series_id_column specified during ARIMA model training. Only present when time_series_id_column training option was used.
              "timeSeriesIds": [ # The tuple of time_series_ids identifying this time series. It will be one of the unique tuples of values present in the time_series_id_columns specified during ARIMA model training. Only present when time_series_id_columns training option was used and the order of values here are same as the order of time_series_id_columns.
                "A String",
              ],
            },
          ],
          "hasDrift": [ # Whether Arima model fitted with drift or not. It is always false when d is not 1.
            True or False,
          ],
          "nonSeasonalOrder": [ # Non-seasonal order.
            { # Arima order, can be used for both non-seasonal and seasonal parts.
              "d": "A String", # Order of the differencing part.
              "p": "A String", # Order of the autoregressive part.
              "q": "A String", # Order of the moving-average part.
            },
          ],
          "seasonalPeriods": [ # Seasonal periods. Repeated because multiple periods are supported for one time series.
            "A String",
          ],
          "timeSeriesId": [ # Id to differentiate different time series for the large-scale case.
            "A String",
          ],
        },
        "binaryClassificationMetrics": { # Evaluation metrics for binary classification/classifier models. # Populated for binary classification/classifier models.
          "aggregateClassificationMetrics": { # Aggregate metrics for classification/classifier models. For multi-class models, the metrics are either macro-averaged or micro-averaged. When macro-averaged, the metrics are calculated for each label and then an unweighted average is taken of those values. When micro-averaged, the metric is calculated globally by counting the total number of correctly predicted rows. # Aggregate classification metrics.
            "accuracy": 3.14, # Accuracy is the fraction of predictions given the correct label. For multiclass this is a micro-averaged metric.
            "f1Score": 3.14, # The F1 score is an average of recall and precision. For multiclass this is a macro-averaged metric.
            "logLoss": 3.14, # Logarithmic Loss. For multiclass this is a macro-averaged metric.
            "precision": 3.14, # Precision is the fraction of actual positive predictions that had positive actual labels. For multiclass this is a macro-averaged metric treating each class as a binary classifier.
            "recall": 3.14, # Recall is the fraction of actual positive labels that were given a positive prediction. For multiclass this is a macro-averaged metric.
            "rocAuc": 3.14, # Area Under a ROC Curve. For multiclass this is a macro-averaged metric.
            "threshold": 3.14, # Threshold at which the metrics are computed. For binary classification models this is the positive class threshold. For multi-class classification models this is the confidence threshold.
          },
          "binaryConfusionMatrixList": [ # Binary confusion matrix at multiple thresholds.
            { # Confusion matrix for binary classification models.
              "accuracy": 3.14, # The fraction of predictions given the correct label.
              "f1Score": 3.14, # The equally weighted average of recall and precision.
              "falseNegatives": "A String", # Number of false samples predicted as false.
              "falsePositives": "A String", # Number of false samples predicted as true.
              "positiveClassThreshold": 3.14, # Threshold value used when computing each of the following metric.
              "precision": 3.14, # The fraction of actual positive predictions that had positive actual labels.
              "recall": 3.14, # The fraction of actual positive labels that were given a positive prediction.
              "trueNegatives": "A String", # Number of true samples predicted as false.
              "truePositives": "A String", # Number of true samples predicted as true.
            },
          ],
          "negativeLabel": "A String", # Label representing the negative class.
          "positiveLabel": "A String", # Label representing the positive class.
        },
        "clusteringMetrics": { # Evaluation metrics for clustering models. # Populated for clustering models.
          "clusters": [ # Information for all clusters.
            { # Message containing the information about one cluster.
              "centroidId": "A String", # Centroid id.
              "count": "A String", # Count of training data rows that were assigned to this cluster.
              "featureValues": [ # Values of highly variant features for this cluster.
                { # Representative value of a single feature within the cluster.
                  "categoricalValue": { # Representative value of a categorical feature. # The categorical feature value.
                    "categoryCounts": [ # Counts of all categories for the categorical feature. If there are more than ten categories, we return top ten (by count) and return one more CategoryCount with category "_OTHER_" and count as aggregate counts of remaining categories.
                      { # Represents the count of a single category within the cluster.
                        "category": "A String", # The name of category.
                        "count": "A String", # The count of training samples matching the category within the cluster.
                      },
                    ],
                  },
                  "featureColumn": "A String", # The feature column name.
                  "numericalValue": 3.14, # The numerical feature value. This is the centroid value for this feature.
                },
              ],
            },
          ],
          "daviesBouldinIndex": 3.14, # Davies-Bouldin index.
          "meanSquaredDistance": 3.14, # Mean of squared distances between each sample to its cluster centroid.
        },
        "dimensionalityReductionMetrics": { # Model evaluation metrics for dimensionality reduction models. # Evaluation metrics when the model is a dimensionality reduction model, which currently includes PCA.
          "totalExplainedVarianceRatio": 3.14, # Total percentage of variance explained by the selected principal components.
        },
        "multiClassClassificationMetrics": { # Evaluation metrics for multi-class classification/classifier models. # Populated for multi-class classification/classifier models.
          "aggregateClassificationMetrics": { # Aggregate metrics for classification/classifier models. For multi-class models, the metrics are either macro-averaged or micro-averaged. When macro-averaged, the metrics are calculated for each label and then an unweighted average is taken of those values. When micro-averaged, the metric is calculated globally by counting the total number of correctly predicted rows. # Aggregate classification metrics.
            "accuracy": 3.14, # Accuracy is the fraction of predictions given the correct label. For multiclass this is a micro-averaged metric.
            "f1Score": 3.14, # The F1 score is an average of recall and precision. For multiclass this is a macro-averaged metric.
            "logLoss": 3.14, # Logarithmic Loss. For multiclass this is a macro-averaged metric.
            "precision": 3.14, # Precision is the fraction of actual positive predictions that had positive actual labels. For multiclass this is a macro-averaged metric treating each class as a binary classifier.
            "recall": 3.14, # Recall is the fraction of actual positive labels that were given a positive prediction. For multiclass this is a macro-averaged metric.
            "rocAuc": 3.14, # Area Under a ROC Curve. For multiclass this is a macro-averaged metric.
            "threshold": 3.14, # Threshold at which the metrics are computed. For binary classification models this is the positive class threshold. For multi-class classification models this is the confidence threshold.
          },
          "confusionMatrixList": [ # Confusion matrix at different thresholds.
            { # Confusion matrix for multi-class classification models.
              "confidenceThreshold": 3.14, # Confidence threshold used when computing the entries of the confusion matrix.
              "rows": [ # One row per actual label.
                { # A single row in the confusion matrix.
                  "actualLabel": "A String", # The original label of this row.
                  "entries": [ # Info describing predicted label distribution.
                    { # A single entry in the confusion matrix.
                      "itemCount": "A String", # Number of items being predicted as this label.
                      "predictedLabel": "A String", # The predicted label. For confidence_threshold > 0, we will also add an entry indicating the number of items under the confidence threshold.
                    },
                  ],
                },
              ],
            },
          ],
        },
        "rankingMetrics": { # Evaluation metrics used by weighted-ALS models specified by feedback_type=implicit. # Populated for implicit feedback type matrix factorization models.
          "averageRank": 3.14, # Determines the goodness of a ranking by computing the percentile rank from the predicted confidence and dividing it by the original rank.
          "meanAveragePrecision": 3.14, # Calculates a precision per user for all the items by ranking them and then averages all the precisions across all the users.
          "meanSquaredError": 3.14, # Similar to the mean squared error computed in regression and explicit recommendation models except instead of computing the rating directly, the output from evaluate is computed against a preference which is 1 or 0 depending on if the rating exists or not.
          "normalizedDiscountedCumulativeGain": 3.14, # A metric to determine the goodness of a ranking calculated from the predicted confidence by comparing it to an ideal rank measured by the original ratings.
        },
        "regressionMetrics": { # Evaluation metrics for regression and explicit feedback type matrix factorization models. # Populated for regression models and explicit feedback type matrix factorization models.
          "meanAbsoluteError": 3.14, # Mean absolute error.
          "meanSquaredError": 3.14, # Mean squared error.
          "meanSquaredLogError": 3.14, # Mean squared log error.
          "medianAbsoluteError": 3.14, # Median absolute error.
          "rSquared": 3.14, # R^2 score. This corresponds to r2_score in ML.EVALUATE.
        },
      },
      "modelLevelGlobalExplanation": { # Global explanations containing the top most important features after training. # Output only. Global explanation contains the explanation of top features on the model level. Applies to both regression and classification models.
        "classLabel": "A String", # Class label for this set of global explanations. Will be empty/null for binary logistic and linear regression models. Sorted alphabetically in descending order.
        "explanations": [ # A list of the top global explanations. Sorted by absolute value of attribution in descending order.
          { # Explanation for a single feature.
            "attribution": 3.14, # Attribution of feature.
            "featureName": "A String", # The full feature name. For non-numerical features, will be formatted like `.`. Overall size of feature name will always be truncated to first 120 characters.
          },
        ],
      },
      "results": [ # Output only. Output of each iteration run, results.size() <= max_iterations.
        { # Information about a single iteration of the training run.
          "arimaResult": { # (Auto-)arima fitting result. Wrap everything in ArimaResult for easier refactoring if we want to use model-specific iteration results. # Arima result.
            "arimaModelInfo": [ # This message is repeated because there are multiple arima models fitted in auto-arima. For non-auto-arima model, its size is one.
              { # Arima model information.
                "arimaCoefficients": { # Arima coefficients. # Arima coefficients.
                  "autoRegressiveCoefficients": [ # Auto-regressive coefficients, an array of double.
                    3.14,
                  ],
                  "interceptCoefficient": 3.14, # Intercept coefficient, just a double not an array.
                  "movingAverageCoefficients": [ # Moving-average coefficients, an array of double.
                    3.14,
                  ],
                },
                "arimaFittingMetrics": { # ARIMA model fitting metrics. # Arima fitting metrics.
                  "aic": 3.14, # AIC.
                  "logLikelihood": 3.14, # Log-likelihood.
                  "variance": 3.14, # Variance.
                },
                "hasDrift": True or False, # Whether Arima model fitted with drift or not. It is always false when d is not 1.
                "hasHolidayEffect": True or False, # If true, holiday_effect is a part of time series decomposition result.
                "hasSpikesAndDips": True or False, # If true, spikes_and_dips is a part of time series decomposition result.
                "hasStepChanges": True or False, # If true, step_changes is a part of time series decomposition result.
                "nonSeasonalOrder": { # Arima order, can be used for both non-seasonal and seasonal parts. # Non-seasonal order.
                  "d": "A String", # Order of the differencing part.
                  "p": "A String", # Order of the autoregressive part.
                  "q": "A String", # Order of the moving-average part.
                },
                "seasonalPeriods": [ # Seasonal periods. Repeated because multiple periods are supported for one time series.
                  "A String",
                ],
                "timeSeriesId": "A String", # The time_series_id value for this time series. It will be one of the unique values from the time_series_id_column specified during ARIMA model training. Only present when time_series_id_column training option was used.
                "timeSeriesIds": [ # The tuple of time_series_ids identifying this time series. It will be one of the unique tuples of values present in the time_series_id_columns specified during ARIMA model training. Only present when time_series_id_columns training option was used and the order of values here are same as the order of time_series_id_columns.
                  "A String",
                ],
              },
            ],
            "seasonalPeriods": [ # Seasonal periods. Repeated because multiple periods are supported for one time series.
              "A String",
            ],
          },
          "clusterInfos": [ # Information about top clusters for clustering models.
            { # Information about a single cluster for clustering model.
              "centroidId": "A String", # Centroid id.
              "clusterRadius": 3.14, # Cluster radius, the average distance from centroid to each point assigned to the cluster.
              "clusterSize": "A String", # Cluster size, the total number of points assigned to the cluster.
            },
          ],
          "durationMs": "A String", # Time taken to run the iteration in milliseconds.
          "evalLoss": 3.14, # Loss computed on the eval data at the end of iteration.
          "index": 42, # Index of the iteration, 0 based.
          "learnRate": 3.14, # Learn rate used for this iteration.
          "principalComponentInfos": [ # The information of the principal components.
            { # Principal component infos, used only for eigen decomposition based models, e.g., PCA. Ordered by explained_variance in the descending order.
              "cumulativeExplainedVarianceRatio": 3.14, # The explained_variance is pre-ordered in the descending order to compute the cumulative explained variance ratio.
              "explainedVariance": 3.14, # Explained variance by this principal component, which is simply the eigenvalue.
              "explainedVarianceRatio": 3.14, # Explained_variance over the total explained variance.
              "principalComponentId": "A String", # Id of the principal component.
            },
          ],
          "trainingLoss": 3.14, # Loss computed on the training data at the end of iteration.
        },
      ],
      "startTime": "A String", # Output only. The start time of this training run.
      "trainingOptions": { # Options used in model training. # Output only. Options that were used for this training run, includes user specified and default options that were used.
        "activationFn": "A String", # Activation function of the neural nets.
        "adjustStepChanges": True or False, # If true, detect step changes and make data adjustment in the input time series.
        "approxGlobalFeatureContrib": True or False, # Whether to use approximate feature contribution method in XGBoost model explanation for global explain.
        "autoArima": True or False, # Whether to enable auto ARIMA or not.
        "autoArimaMaxOrder": "A String", # The max value of the sum of non-seasonal p and q.
        "autoArimaMinOrder": "A String", # The min value of the sum of non-seasonal p and q.
        "autoClassWeights": True or False, # Whether to calculate class weights automatically based on the popularity of each label.
        "batchSize": "A String", # Batch size for dnn models.
        "boosterType": "A String", # Booster type for boosted tree models.
        "budgetHours": 3.14, # Budget in hours for AutoML training.
        "calculatePValues": True or False, # Whether or not p-value test should be computed for this model. Only available for linear and logistic regression models.
        "categoryEncodingMethod": "A String", # Categorical feature encoding method.
        "cleanSpikesAndDips": True or False, # If true, clean spikes and dips in the input time series.
        "colorSpace": "A String", # Enums for color space, used for processing images in Object Table. See more details at https://www.tensorflow.org/io/tutorials/colorspace.
        "colsampleBylevel": 3.14, # Subsample ratio of columns for each level for boosted tree models.
        "colsampleBynode": 3.14, # Subsample ratio of columns for each node(split) for boosted tree models.
        "colsampleBytree": 3.14, # Subsample ratio of columns when constructing each tree for boosted tree models.
        "contributionMetric": "A String", # The contribution metric. Applies to contribution analysis models. Allowed formats supported are for summable and summable ratio contribution metrics. These include expressions such as `SUM(x)` or `SUM(x)/SUM(y)`, where x and y are column names from the base table.
        "dartNormalizeType": "A String", # Type of normalization algorithm for boosted tree models using dart booster.
        "dataFrequency": "A String", # The data frequency of a time series.
        "dataSplitColumn": "A String", # The column to split data with. This column won't be used as a feature. 1. When data_split_method is CUSTOM, the corresponding column should be boolean. The rows with true value tag are eval data, and the false are training data. 2. When data_split_method is SEQ, the first DATA_SPLIT_EVAL_FRACTION rows (from smallest to largest) in the corresponding column are used as training data, and the rest are eval data. It respects the order in Orderable data types: https://cloud.google.com/bigquery/docs/reference/standard-sql/data-types#data_type_properties
        "dataSplitEvalFraction": 3.14, # The fraction of evaluation data over the whole input data. The rest of data will be used as training data. The format should be double. Accurate to two decimal places. Default value is 0.2.
        "dataSplitMethod": "A String", # The data split type for training and evaluation, e.g. RANDOM.
        "decomposeTimeSeries": True or False, # If true, perform decompose time series and save the results.
        "dimensionIdColumns": [ # Optional. Names of the columns to slice on. Applies to contribution analysis models.
          "A String",
        ],
        "distanceType": "A String", # Distance type for clustering models.
        "dropout": 3.14, # Dropout probability for dnn models.
        "earlyStop": True or False, # Whether to stop early when the loss doesn't improve significantly any more (compared to min_relative_progress). Used only for iterative training algorithms.
        "enableGlobalExplain": True or False, # If true, enable global explanation during training.
        "feedbackType": "A String", # Feedback type that specifies which algorithm to run for matrix factorization.
        "fitIntercept": True or False, # Whether the model should include intercept during model training.
        "forecastLimitLowerBound": 3.14, # The forecast limit lower bound that was used during ARIMA model training with limits. To see more details of the algorithm: https://otexts.com/fpp2/limits.html
        "forecastLimitUpperBound": 3.14, # The forecast limit upper bound that was used during ARIMA model training with limits.
        "hiddenUnits": [ # Hidden units for dnn models.
          "A String",
        ],
        "holidayRegion": "A String", # The geographical region based on which the holidays are considered in time series modeling. If a valid value is specified, then holiday effects modeling is enabled.
        "holidayRegions": [ # A list of geographical regions that are used for time series modeling.
          "A String",
        ],
        "horizon": "A String", # The number of periods ahead that need to be forecasted.
        "hparamTuningObjectives": [ # The target evaluation metrics to optimize the hyperparameters for.
          "A String",
        ],
        "includeDrift": True or False, # Include drift when fitting an ARIMA model.
        "initialLearnRate": 3.14, # Specifies the initial learning rate for the line search learn rate strategy.
        "inputLabelColumns": [ # Name of input label columns in training data.
          "A String",
        ],
        "instanceWeightColumn": "A String", # Name of the instance weight column for training data. This column isn't be used as a feature.
        "integratedGradientsNumSteps": "A String", # Number of integral steps for the integrated gradients explain method.
        "isTestColumn": "A String", # Name of the column used to determine the rows corresponding to control and test. Applies to contribution analysis models.
        "itemColumn": "A String", # Item column specified for matrix factorization models.
        "kmeansInitializationColumn": "A String", # The column used to provide the initial centroids for kmeans algorithm when kmeans_initialization_method is CUSTOM.
        "kmeansInitializationMethod": "A String", # The method used to initialize the centroids for kmeans algorithm.
        "l1RegActivation": 3.14, # L1 regularization coefficient to activations.
        "l1Regularization": 3.14, # L1 regularization coefficient.
        "l2Regularization": 3.14, # L2 regularization coefficient.
        "labelClassWeights": { # Weights associated with each label class, for rebalancing the training data. Only applicable for classification models.
          "a_key": 3.14,
        },
        "learnRate": 3.14, # Learning rate in training. Used only for iterative training algorithms.
        "learnRateStrategy": "A String", # The strategy to determine learn rate for the current iteration.
        "lossType": "A String", # Type of loss function used during training run.
        "maxIterations": "A String", # The maximum number of iterations in training. Used only for iterative training algorithms.
        "maxParallelTrials": "A String", # Maximum number of trials to run in parallel.
        "maxTimeSeriesLength": "A String", # The maximum number of time points in a time series that can be used in modeling the trend component of the time series. Don't use this option with the `timeSeriesLengthFraction` or `minTimeSeriesLength` options.
        "maxTreeDepth": "A String", # Maximum depth of a tree for boosted tree models.
        "minAprioriSupport": 3.14, # The apriori support minimum. Applies to contribution analysis models.
        "minRelativeProgress": 3.14, # When early_stop is true, stops training when accuracy improvement is less than 'min_relative_progress'. Used only for iterative training algorithms.
        "minSplitLoss": 3.14, # Minimum split loss for boosted tree models.
        "minTimeSeriesLength": "A String", # The minimum number of time points in a time series that are used in modeling the trend component of the time series. If you use this option you must also set the `timeSeriesLengthFraction` option. This training option ensures that enough time points are available when you use `timeSeriesLengthFraction` in trend modeling. This is particularly important when forecasting multiple time series in a single query using `timeSeriesIdColumn`. If the total number of time points is less than the `minTimeSeriesLength` value, then the query uses all available time points.
        "minTreeChildWeight": "A String", # Minimum sum of instance weight needed in a child for boosted tree models.
        "modelRegistry": "A String", # The model registry.
        "modelUri": "A String", # Google Cloud Storage URI from which the model was imported. Only applicable for imported models.
        "nonSeasonalOrder": { # Arima order, can be used for both non-seasonal and seasonal parts. # A specification of the non-seasonal part of the ARIMA model: the three components (p, d, q) are the AR order, the degree of differencing, and the MA order.
          "d": "A String", # Order of the differencing part.
          "p": "A String", # Order of the autoregressive part.
          "q": "A String", # Order of the moving-average part.
        },
        "numClusters": "A String", # Number of clusters for clustering models.
        "numFactors": "A String", # Num factors specified for matrix factorization models.
        "numParallelTree": "A String", # Number of parallel trees constructed during each iteration for boosted tree models.
        "numPrincipalComponents": "A String", # Number of principal components to keep in the PCA model. Must be <= the number of features.
        "numTrials": "A String", # Number of trials to run this hyperparameter tuning job.
        "optimizationStrategy": "A String", # Optimization strategy for training linear regression models.
        "optimizer": "A String", # Optimizer used for training the neural nets.
        "pcaExplainedVarianceRatio": 3.14, # The minimum ratio of cumulative explained variance that needs to be given by the PCA model.
        "pcaSolver": "A String", # The solver for PCA.
        "sampledShapleyNumPaths": "A String", # Number of paths for the sampled Shapley explain method.
        "scaleFeatures": True or False, # If true, scale the feature values by dividing the feature standard deviation. Currently only apply to PCA.
        "standardizeFeatures": True or False, # Whether to standardize numerical features. Default to true.
        "subsample": 3.14, # Subsample fraction of the training data to grow tree to prevent overfitting for boosted tree models.
        "tfVersion": "A String", # Based on the selected TF version, the corresponding docker image is used to train external models.
        "timeSeriesDataColumn": "A String", # Column to be designated as time series data for ARIMA model.
        "timeSeriesIdColumn": "A String", # The time series id column that was used during ARIMA model training.
        "timeSeriesIdColumns": [ # The time series id columns that were used during ARIMA model training.
          "A String",
        ],
        "timeSeriesLengthFraction": 3.14, # The fraction of the interpolated length of the time series that's used to model the time series trend component. All of the time points of the time series are used to model the non-trend component. This training option accelerates modeling training without sacrificing much forecasting accuracy. You can use this option with `minTimeSeriesLength` but not with `maxTimeSeriesLength`.
        "timeSeriesTimestampColumn": "A String", # Column to be designated as time series timestamp for ARIMA model.
        "treeMethod": "A String", # Tree construction algorithm for boosted tree models.
        "trendSmoothingWindowSize": "A String", # Smoothing window size for the trend component. When a positive value is specified, a center moving average smoothing is applied on the history trend. When the smoothing window is out of the boundary at the beginning or the end of the trend, the first element or the last element is padded to fill the smoothing window before the average is applied.
        "userColumn": "A String", # User column specified for matrix factorization models.
        "vertexAiModelVersionAliases": [ # The version aliases to apply in Vertex AI model registry. Always overwrite if the version aliases exists in a existing model.
          "A String",
        ],
        "walsAlpha": 3.14, # Hyperparameter for matrix factoration when implicit feedback type is specified.
        "warmStart": True or False, # Whether to train a model from the last checkpoint.
        "xgboostVersion": "A String", # User-selected XGBoost versions for training of XGBoost models.
      },
      "trainingStartTime": "A String", # Output only. The start time of this training run, in milliseconds since epoch.
      "vertexAiModelId": "A String", # The model id in the [Vertex AI Model Registry](https://cloud.google.com/vertex-ai/docs/model-registry/introduction) for this training run.
      "vertexAiModelVersion": "A String", # Output only. The model version in the [Vertex AI Model Registry](https://cloud.google.com/vertex-ai/docs/model-registry/introduction) for this training run.
    },
  ],
  "transformColumns": [ # Output only. This field will be populated if a TRANSFORM clause was used to train a model. TRANSFORM clause (if used) takes feature_columns as input and outputs transform_columns. transform_columns then are used to train the model.
    { # Information about a single transform column.
      "name": "A String", # Output only. Name of the column.
      "transformSql": "A String", # Output only. The SQL expression used in the column transform.
      "type": { # The data type of a variable such as a function argument. Examples include: * INT64: `{"typeKind": "INT64"}` * ARRAY: { "typeKind": "ARRAY", "arrayElementType": {"typeKind": "STRING"} } * STRUCT>: { "typeKind": "STRUCT", "structType": { "fields": [ { "name": "x", "type": {"typeKind": "STRING"} }, { "name": "y", "type": { "typeKind": "ARRAY", "arrayElementType": {"typeKind": "DATE"} } } ] } } * RANGE: { "typeKind": "RANGE", "rangeElementType": {"typeKind": "DATE"} } # Output only. Data type of the column after the transform.
        "arrayElementType": # Object with schema name: StandardSqlDataType # The type of the array's elements, if type_kind = "ARRAY".
        "rangeElementType": # Object with schema name: StandardSqlDataType # The type of the range's elements, if type_kind = "RANGE".
        "structType": { # The representation of a SQL STRUCT type. # The fields of this struct, in order, if type_kind = "STRUCT".
          "fields": [ # Fields within the struct.
            { # A field or a column.
              "name": "A String", # Optional. The name of this field. Can be absent for struct fields.
              "type": # Object with schema name: StandardSqlDataType # Optional. The type of this parameter. Absent if not explicitly specified (e.g., CREATE FUNCTION statement can omit the return type; in this case the output parameter does not have this "type" field).
            },
          ],
        },
        "typeKind": "A String", # Required. The top level type of this field. Can be any GoogleSQL data type (e.g., "INT64", "DATE", "ARRAY").
      },
    },
  ],
}
  x__xgafv: string, V1 error format.
    Allowed values
      1 - v1 error format
      2 - v2 error format
Returns:
  An object of the form:
    {
  "bestTrialId": "A String", # The best trial_id across all training runs.
  "creationTime": "A String", # Output only. The time when this model was created, in millisecs since the epoch.
  "defaultTrialId": "A String", # Output only. The default trial_id to use in TVFs when the trial_id is not passed in. For single-objective [hyperparameter tuning](https://cloud.google.com/bigquery-ml/docs/reference/standard-sql/bigqueryml-syntax-hp-tuning-overview) models, this is the best trial ID. For multi-objective [hyperparameter tuning](https://cloud.google.com/bigquery-ml/docs/reference/standard-sql/bigqueryml-syntax-hp-tuning-overview) models, this is the smallest trial ID among all Pareto optimal trials.
  "description": "A String", # Optional. A user-friendly description of this model.
  "encryptionConfiguration": { # Configuration for Cloud KMS encryption settings. # Custom encryption configuration (e.g., Cloud KMS keys). This shows the encryption configuration of the model data while stored in BigQuery storage. This field can be used with PatchModel to update encryption key for an already encrypted model.
    "kmsKeyName": "A String", # Optional. Describes the Cloud KMS encryption key that will be used to protect destination BigQuery table. The BigQuery Service Account associated with your project requires access to this encryption key.
  },
  "etag": "A String", # Output only. A hash of this resource.
  "expirationTime": "A String", # Optional. The time when this model expires, in milliseconds since the epoch. If not present, the model will persist indefinitely. Expired models will be deleted and their storage reclaimed. The defaultTableExpirationMs property of the encapsulating dataset can be used to set a default expirationTime on newly created models.
  "featureColumns": [ # Output only. Input feature columns for the model inference. If the model is trained with TRANSFORM clause, these are the input of the TRANSFORM clause.
    { # A field or a column.
      "name": "A String", # Optional. The name of this field. Can be absent for struct fields.
      "type": # Object with schema name: StandardSqlDataType # Optional. The type of this parameter. Absent if not explicitly specified (e.g., CREATE FUNCTION statement can omit the return type; in this case the output parameter does not have this "type" field).
    },
  ],
  "friendlyName": "A String", # Optional. A descriptive name for this model.
  "hparamSearchSpaces": { # Hyperparameter search spaces. These should be a subset of training_options. # Output only. All hyperparameter search spaces in this model.
    "activationFn": { # Search space for string and enum. # Activation functions of neural network models.
      "candidates": [ # Canididates for the string or enum parameter in lower case.
        "A String",
      ],
    },
    "batchSize": { # Search space for an int hyperparameter. # Mini batch sample size.
      "candidates": { # Discrete candidates of an int hyperparameter. # Candidates of the int hyperparameter.
        "candidates": [ # Candidates for the int parameter in increasing order.
          "A String",
        ],
      },
      "range": { # Range of an int hyperparameter. # Range of the int hyperparameter.
        "max": "A String", # Max value of the int parameter.
        "min": "A String", # Min value of the int parameter.
      },
    },
    "boosterType": { # Search space for string and enum. # Booster type for boosted tree models.
      "candidates": [ # Canididates for the string or enum parameter in lower case.
        "A String",
      ],
    },
    "colsampleBylevel": { # Search space for a double hyperparameter. # Subsample ratio of columns for each level for boosted tree models.
      "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
        "candidates": [ # Candidates for the double parameter in increasing order.
          3.14,
        ],
      },
      "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
        "max": 3.14, # Max value of the double parameter.
        "min": 3.14, # Min value of the double parameter.
      },
    },
    "colsampleBynode": { # Search space for a double hyperparameter. # Subsample ratio of columns for each node(split) for boosted tree models.
      "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
        "candidates": [ # Candidates for the double parameter in increasing order.
          3.14,
        ],
      },
      "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
        "max": 3.14, # Max value of the double parameter.
        "min": 3.14, # Min value of the double parameter.
      },
    },
    "colsampleBytree": { # Search space for a double hyperparameter. # Subsample ratio of columns when constructing each tree for boosted tree models.
      "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
        "candidates": [ # Candidates for the double parameter in increasing order.
          3.14,
        ],
      },
      "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
        "max": 3.14, # Max value of the double parameter.
        "min": 3.14, # Min value of the double parameter.
      },
    },
    "dartNormalizeType": { # Search space for string and enum. # Dart normalization type for boosted tree models.
      "candidates": [ # Canididates for the string or enum parameter in lower case.
        "A String",
      ],
    },
    "dropout": { # Search space for a double hyperparameter. # Dropout probability for dnn model training and boosted tree models using dart booster.
      "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
        "candidates": [ # Candidates for the double parameter in increasing order.
          3.14,
        ],
      },
      "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
        "max": 3.14, # Max value of the double parameter.
        "min": 3.14, # Min value of the double parameter.
      },
    },
    "hiddenUnits": { # Search space for int array. # Hidden units for neural network models.
      "candidates": [ # Candidates for the int array parameter.
        { # An array of int.
          "elements": [ # Elements in the int array.
            "A String",
          ],
        },
      ],
    },
    "l1Reg": { # Search space for a double hyperparameter. # L1 regularization coefficient.
      "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
        "candidates": [ # Candidates for the double parameter in increasing order.
          3.14,
        ],
      },
      "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
        "max": 3.14, # Max value of the double parameter.
        "min": 3.14, # Min value of the double parameter.
      },
    },
    "l2Reg": { # Search space for a double hyperparameter. # L2 regularization coefficient.
      "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
        "candidates": [ # Candidates for the double parameter in increasing order.
          3.14,
        ],
      },
      "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
        "max": 3.14, # Max value of the double parameter.
        "min": 3.14, # Min value of the double parameter.
      },
    },
    "learnRate": { # Search space for a double hyperparameter. # Learning rate of training jobs.
      "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
        "candidates": [ # Candidates for the double parameter in increasing order.
          3.14,
        ],
      },
      "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
        "max": 3.14, # Max value of the double parameter.
        "min": 3.14, # Min value of the double parameter.
      },
    },
    "maxTreeDepth": { # Search space for an int hyperparameter. # Maximum depth of a tree for boosted tree models.
      "candidates": { # Discrete candidates of an int hyperparameter. # Candidates of the int hyperparameter.
        "candidates": [ # Candidates for the int parameter in increasing order.
          "A String",
        ],
      },
      "range": { # Range of an int hyperparameter. # Range of the int hyperparameter.
        "max": "A String", # Max value of the int parameter.
        "min": "A String", # Min value of the int parameter.
      },
    },
    "minSplitLoss": { # Search space for a double hyperparameter. # Minimum split loss for boosted tree models.
      "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
        "candidates": [ # Candidates for the double parameter in increasing order.
          3.14,
        ],
      },
      "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
        "max": 3.14, # Max value of the double parameter.
        "min": 3.14, # Min value of the double parameter.
      },
    },
    "minTreeChildWeight": { # Search space for an int hyperparameter. # Minimum sum of instance weight needed in a child for boosted tree models.
      "candidates": { # Discrete candidates of an int hyperparameter. # Candidates of the int hyperparameter.
        "candidates": [ # Candidates for the int parameter in increasing order.
          "A String",
        ],
      },
      "range": { # Range of an int hyperparameter. # Range of the int hyperparameter.
        "max": "A String", # Max value of the int parameter.
        "min": "A String", # Min value of the int parameter.
      },
    },
    "numClusters": { # Search space for an int hyperparameter. # Number of clusters for k-means.
      "candidates": { # Discrete candidates of an int hyperparameter. # Candidates of the int hyperparameter.
        "candidates": [ # Candidates for the int parameter in increasing order.
          "A String",
        ],
      },
      "range": { # Range of an int hyperparameter. # Range of the int hyperparameter.
        "max": "A String", # Max value of the int parameter.
        "min": "A String", # Min value of the int parameter.
      },
    },
    "numFactors": { # Search space for an int hyperparameter. # Number of latent factors to train on.
      "candidates": { # Discrete candidates of an int hyperparameter. # Candidates of the int hyperparameter.
        "candidates": [ # Candidates for the int parameter in increasing order.
          "A String",
        ],
      },
      "range": { # Range of an int hyperparameter. # Range of the int hyperparameter.
        "max": "A String", # Max value of the int parameter.
        "min": "A String", # Min value of the int parameter.
      },
    },
    "numParallelTree": { # Search space for an int hyperparameter. # Number of parallel trees for boosted tree models.
      "candidates": { # Discrete candidates of an int hyperparameter. # Candidates of the int hyperparameter.
        "candidates": [ # Candidates for the int parameter in increasing order.
          "A String",
        ],
      },
      "range": { # Range of an int hyperparameter. # Range of the int hyperparameter.
        "max": "A String", # Max value of the int parameter.
        "min": "A String", # Min value of the int parameter.
      },
    },
    "optimizer": { # Search space for string and enum. # Optimizer of TF models.
      "candidates": [ # Canididates for the string or enum parameter in lower case.
        "A String",
      ],
    },
    "subsample": { # Search space for a double hyperparameter. # Subsample the training data to grow tree to prevent overfitting for boosted tree models.
      "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
        "candidates": [ # Candidates for the double parameter in increasing order.
          3.14,
        ],
      },
      "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
        "max": 3.14, # Max value of the double parameter.
        "min": 3.14, # Min value of the double parameter.
      },
    },
    "treeMethod": { # Search space for string and enum. # Tree construction algorithm for boosted tree models.
      "candidates": [ # Canididates for the string or enum parameter in lower case.
        "A String",
      ],
    },
    "walsAlpha": { # Search space for a double hyperparameter. # Hyperparameter for matrix factoration when implicit feedback type is specified.
      "candidates": { # Discrete candidates of a double hyperparameter. # Candidates of the double hyperparameter.
        "candidates": [ # Candidates for the double parameter in increasing order.
          3.14,
        ],
      },
      "range": { # Range of a double hyperparameter. # Range of the double hyperparameter.
        "max": 3.14, # Max value of the double parameter.
        "min": 3.14, # Min value of the double parameter.
      },
    },
  },
  "hparamTrials": [ # Output only. Trials of a [hyperparameter tuning](https://cloud.google.com/bigquery-ml/docs/reference/standard-sql/bigqueryml-syntax-hp-tuning-overview) model sorted by trial_id.
    { # Training info of a trial in [hyperparameter tuning](https://cloud.google.com/bigquery-ml/docs/reference/standard-sql/bigqueryml-syntax-hp-tuning-overview) models.
      "endTimeMs": "A String", # Ending time of the trial.
      "errorMessage": "A String", # Error message for FAILED and INFEASIBLE trial.
      "evalLoss": 3.14, # Loss computed on the eval data at the end of trial.
      "evaluationMetrics": { # Evaluation metrics of a model. These are either computed on all training data or just the eval data based on whether eval data was used during training. These are not present for imported models. # Evaluation metrics of this trial calculated on the test data. Empty in Job API.
        "arimaForecastingMetrics": { # Model evaluation metrics for ARIMA forecasting models. # Populated for ARIMA models.
          "arimaFittingMetrics": [ # Arima model fitting metrics.
            { # ARIMA model fitting metrics.
              "aic": 3.14, # AIC.
              "logLikelihood": 3.14, # Log-likelihood.
              "variance": 3.14, # Variance.
            },
          ],
          "arimaSingleModelForecastingMetrics": [ # Repeated as there can be many metric sets (one for each model) in auto-arima and the large-scale case.
            { # Model evaluation metrics for a single ARIMA forecasting model.
              "arimaFittingMetrics": { # ARIMA model fitting metrics. # Arima fitting metrics.
                "aic": 3.14, # AIC.
                "logLikelihood": 3.14, # Log-likelihood.
                "variance": 3.14, # Variance.
              },
              "hasDrift": True or False, # Is arima model fitted with drift or not. It is always false when d is not 1.
              "hasHolidayEffect": True or False, # If true, holiday_effect is a part of time series decomposition result.
              "hasSpikesAndDips": True or False, # If true, spikes_and_dips is a part of time series decomposition result.
              "hasStepChanges": True or False, # If true, step_changes is a part of time series decomposition result.
              "nonSeasonalOrder": { # Arima order, can be used for both non-seasonal and seasonal parts. # Non-seasonal order.
                "d": "A String", # Order of the differencing part.
                "p": "A String", # Order of the autoregressive part.
                "q": "A String", # Order of the moving-average part.
              },
              "seasonalPeriods": [ # Seasonal periods. Repeated because multiple periods are supported for one time series.
                "A String",
              ],
              "timeSeriesId": "A String", # The time_series_id value for this time series. It will be one of the unique values from the time_series_id_column specified during ARIMA model training. Only present when time_series_id_column training option was used.
              "timeSeriesIds": [ # The tuple of time_series_ids identifying this time series. It will be one of the unique tuples of values present in the time_series_id_columns specified during ARIMA model training. Only present when time_series_id_columns training option was used and the order of values here are same as the order of time_series_id_columns.
                "A String",
              ],
            },
          ],
          "hasDrift": [ # Whether Arima model fitted with drift or not. It is always false when d is not 1.
            True or False,
          ],
          "nonSeasonalOrder": [ # Non-seasonal order.
            { # Arima order, can be used for both non-seasonal and seasonal parts.
              "d": "A String", # Order of the differencing part.
              "p": "A String", # Order of the autoregressive part.
              "q": "A String", # Order of the moving-average part.
            },
          ],
          "seasonalPeriods": [ # Seasonal periods. Repeated because multiple periods are supported for one time series.
            "A String",
          ],
          "timeSeriesId": [ # Id to differentiate different time series for the large-scale case.
            "A String",
          ],
        },
        "binaryClassificationMetrics": { # Evaluation metrics for binary classification/classifier models. # Populated for binary classification/classifier models.
          "aggregateClassificationMetrics": { # Aggregate metrics for classification/classifier models. For multi-class models, the metrics are either macro-averaged or micro-averaged. When macro-averaged, the metrics are calculated for each label and then an unweighted average is taken of those values. When micro-averaged, the metric is calculated globally by counting the total number of correctly predicted rows. # Aggregate classification metrics.
            "accuracy": 3.14, # Accuracy is the fraction of predictions given the correct label. For multiclass this is a micro-averaged metric.
            "f1Score": 3.14, # The F1 score is an average of recall and precision. For multiclass this is a macro-averaged metric.
            "logLoss": 3.14, # Logarithmic Loss. For multiclass this is a macro-averaged metric.
            "precision": 3.14, # Precision is the fraction of actual positive predictions that had positive actual labels. For multiclass this is a macro-averaged metric treating each class as a binary classifier.
            "recall": 3.14, # Recall is the fraction of actual positive labels that were given a positive prediction. For multiclass this is a macro-averaged metric.
            "rocAuc": 3.14, # Area Under a ROC Curve. For multiclass this is a macro-averaged metric.
            "threshold": 3.14, # Threshold at which the metrics are computed. For binary classification models this is the positive class threshold. For multi-class classification models this is the confidence threshold.
          },
          "binaryConfusionMatrixList": [ # Binary confusion matrix at multiple thresholds.
            { # Confusion matrix for binary classification models.
              "accuracy": 3.14, # The fraction of predictions given the correct label.
              "f1Score": 3.14, # The equally weighted average of recall and precision.
              "falseNegatives": "A String", # Number of false samples predicted as false.
              "falsePositives": "A String", # Number of false samples predicted as true.
              "positiveClassThreshold": 3.14, # Threshold value used when computing each of the following metric.
              "precision": 3.14, # The fraction of actual positive predictions that had positive actual labels.
              "recall": 3.14, # The fraction of actual positive labels that were given a positive prediction.
              "trueNegatives": "A String", # Number of true samples predicted as false.
              "truePositives": "A String", # Number of true samples predicted as true.
            },
          ],
          "negativeLabel": "A String", # Label representing the negative class.
          "positiveLabel": "A String", # Label representing the positive class.
        },
        "clusteringMetrics": { # Evaluation metrics for clustering models. # Populated for clustering models.
          "clusters": [ # Information for all clusters.
            { # Message containing the information about one cluster.
              "centroidId": "A String", # Centroid id.
              "count": "A String", # Count of training data rows that were assigned to this cluster.
              "featureValues": [ # Values of highly variant features for this cluster.
                { # Representative value of a single feature within the cluster.
                  "categoricalValue": { # Representative value of a categorical feature. # The categorical feature value.
                    "categoryCounts": [ # Counts of all categories for the categorical feature. If there are more than ten categories, we return top ten (by count) and return one more CategoryCount with category "_OTHER_" and count as aggregate counts of remaining categories.
                      { # Represents the count of a single category within the cluster.
                        "category": "A String", # The name of category.
                        "count": "A String", # The count of training samples matching the category within the cluster.
                      },
                    ],
                  },
                  "featureColumn": "A String", # The feature column name.
                  "numericalValue": 3.14, # The numerical feature value. This is the centroid value for this feature.
                },
              ],
            },
          ],
          "daviesBouldinIndex": 3.14, # Davies-Bouldin index.
          "meanSquaredDistance": 3.14, # Mean of squared distances between each sample to its cluster centroid.
        },
        "dimensionalityReductionMetrics": { # Model evaluation metrics for dimensionality reduction models. # Evaluation metrics when the model is a dimensionality reduction model, which currently includes PCA.
          "totalExplainedVarianceRatio": 3.14, # Total percentage of variance explained by the selected principal components.
        },
        "multiClassClassificationMetrics": { # Evaluation metrics for multi-class classification/classifier models. # Populated for multi-class classification/classifier models.
          "aggregateClassificationMetrics": { # Aggregate metrics for classification/classifier models. For multi-class models, the metrics are either macro-averaged or micro-averaged. When macro-averaged, the metrics are calculated for each label and then an unweighted average is taken of those values. When micro-averaged, the metric is calculated globally by counting the total number of correctly predicted rows. # Aggregate classification metrics.
            "accuracy": 3.14, # Accuracy is the fraction of predictions given the correct label. For multiclass this is a micro-averaged metric.
            "f1Score": 3.14, # The F1 score is an average of recall and precision. For multiclass this is a macro-averaged metric.
            "logLoss": 3.14, # Logarithmic Loss. For multiclass this is a macro-averaged metric.
            "precision": 3.14, # Precision is the fraction of actual positive predictions that had positive actual labels. For multiclass this is a macro-averaged metric treating each class as a binary classifier.
            "recall": 3.14, # Recall is the fraction of actual positive labels that were given a positive prediction. For multiclass this is a macro-averaged metric.
            "rocAuc": 3.14, # Area Under a ROC Curve. For multiclass this is a macro-averaged metric.
            "threshold": 3.14, # Threshold at which the metrics are computed. For binary classification models this is the positive class threshold. For multi-class classification models this is the confidence threshold.
          },
          "confusionMatrixList": [ # Confusion matrix at different thresholds.
            { # Confusion matrix for multi-class classification models.
              "confidenceThreshold": 3.14, # Confidence threshold used when computing the entries of the confusion matrix.
              "rows": [ # One row per actual label.
                { # A single row in the confusion matrix.
                  "actualLabel": "A String", # The original label of this row.
                  "entries": [ # Info describing predicted label distribution.
                    { # A single entry in the confusion matrix.
                      "itemCount": "A String", # Number of items being predicted as this label.
                      "predictedLabel": "A String", # The predicted label. For confidence_threshold > 0, we will also add an entry indicating the number of items under the confidence threshold.
                    },
                  ],
                },
              ],
            },
          ],
        },
        "rankingMetrics": { # Evaluation metrics used by weighted-ALS models specified by feedback_type=implicit. # Populated for implicit feedback type matrix factorization models.
          "averageRank": 3.14, # Determines the goodness of a ranking by computing the percentile rank from the predicted confidence and dividing it by the original rank.
          "meanAveragePrecision": 3.14, # Calculates a precision per user for all the items by ranking them and then averages all the precisions across all the users.
          "meanSquaredError": 3.14, # Similar to the mean squared error computed in regression and explicit recommendation models except instead of computing the rating directly, the output from evaluate is computed against a preference which is 1 or 0 depending on if the rating exists or not.
          "normalizedDiscountedCumulativeGain": 3.14, # A metric to determine the goodness of a ranking calculated from the predicted confidence by comparing it to an ideal rank measured by the original ratings.
        },
        "regressionMetrics": { # Evaluation metrics for regression and explicit feedback type matrix factorization models. # Populated for regression models and explicit feedback type matrix factorization models.
          "meanAbsoluteError": 3.14, # Mean absolute error.
          "meanSquaredError": 3.14, # Mean squared error.
          "meanSquaredLogError": 3.14, # Mean squared log error.
          "medianAbsoluteError": 3.14, # Median absolute error.
          "rSquared": 3.14, # R^2 score. This corresponds to r2_score in ML.EVALUATE.
        },
      },
      "hparamTuningEvaluationMetrics": { # Evaluation metrics of a model. These are either computed on all training data or just the eval data based on whether eval data was used during training. These are not present for imported models. # Hyperparameter tuning evaluation metrics of this trial calculated on the eval data. Unlike evaluation_metrics, only the fields corresponding to the hparam_tuning_objectives are set.
        "arimaForecastingMetrics": { # Model evaluation metrics for ARIMA forecasting models. # Populated for ARIMA models.
          "arimaFittingMetrics": [ # Arima model fitting metrics.
            { # ARIMA model fitting metrics.
              "aic": 3.14, # AIC.
              "logLikelihood": 3.14, # Log-likelihood.
              "variance": 3.14, # Variance.
            },
          ],
          "arimaSingleModelForecastingMetrics": [ # Repeated as there can be many metric sets (one for each model) in auto-arima and the large-scale case.
            { # Model evaluation metrics for a single ARIMA forecasting model.
              "arimaFittingMetrics": { # ARIMA model fitting metrics. # Arima fitting metrics.
                "aic": 3.14, # AIC.
                "logLikelihood": 3.14, # Log-likelihood.
                "variance": 3.14, # Variance.
              },
              "hasDrift": True or False, # Is arima model fitted with drift or not. It is always false when d is not 1.
              "hasHolidayEffect": True or False, # If true, holiday_effect is a part of time series decomposition result.
              "hasSpikesAndDips": True or False, # If true, spikes_and_dips is a part of time series decomposition result.
              "hasStepChanges": True or False, # If true, step_changes is a part of time series decomposition result.
              "nonSeasonalOrder": { # Arima order, can be used for both non-seasonal and seasonal parts. # Non-seasonal order.
                "d": "A String", # Order of the differencing part.
                "p": "A String", # Order of the autoregressive part.
                "q": "A String", # Order of the moving-average part.
              },
              "seasonalPeriods": [ # Seasonal periods. Repeated because multiple periods are supported for one time series.
                "A String",
              ],
              "timeSeriesId": "A String", # The time_series_id value for this time series. It will be one of the unique values from the time_series_id_column specified during ARIMA model training. Only present when time_series_id_column training option was used.
              "timeSeriesIds": [ # The tuple of time_series_ids identifying this time series. It will be one of the unique tuples of values present in the time_series_id_columns specified during ARIMA model training. Only present when time_series_id_columns training option was used and the order of values here are same as the order of time_series_id_columns.
                "A String",
              ],
            },
          ],
          "hasDrift": [ # Whether Arima model fitted with drift or not. It is always false when d is not 1.
            True or False,
          ],
          "nonSeasonalOrder": [ # Non-seasonal order.
            { # Arima order, can be used for both non-seasonal and seasonal parts.
              "d": "A String", # Order of the differencing part.
              "p": "A String", # Order of the autoregressive part.
              "q": "A String", # Order of the moving-average part.
            },
          ],
          "seasonalPeriods": [ # Seasonal periods. Repeated because multiple periods are supported for one time series.
            "A String",
          ],
          "timeSeriesId": [ # Id to differentiate different time series for the large-scale case.
            "A String",
          ],
        },
        "binaryClassificationMetrics": { # Evaluation metrics for binary classification/classifier models. # Populated for binary classification/classifier models.
          "aggregateClassificationMetrics": { # Aggregate metrics for classification/classifier models. For multi-class models, the metrics are either macro-averaged or micro-averaged. When macro-averaged, the metrics are calculated for each label and then an unweighted average is taken of those values. When micro-averaged, the metric is calculated globally by counting the total number of correctly predicted rows. # Aggregate classification metrics.
            "accuracy": 3.14, # Accuracy is the fraction of predictions given the correct label. For multiclass this is a micro-averaged metric.
            "f1Score": 3.14, # The F1 score is an average of recall and precision. For multiclass this is a macro-averaged metric.
            "logLoss": 3.14, # Logarithmic Loss. For multiclass this is a macro-averaged metric.
            "precision": 3.14, # Precision is the fraction of actual positive predictions that had positive actual labels. For multiclass this is a macro-averaged metric treating each class as a binary classifier.
            "recall": 3.14, # Recall is the fraction of actual positive labels that were given a positive prediction. For multiclass this is a macro-averaged metric.
            "rocAuc": 3.14, # Area Under a ROC Curve. For multiclass this is a macro-averaged metric.
            "threshold": 3.14, # Threshold at which the metrics are computed. For binary classification models this is the positive class threshold. For multi-class classification models this is the confidence threshold.
          },
          "binaryConfusionMatrixList": [ # Binary confusion matrix at multiple thresholds.
            { # Confusion matrix for binary classification models.
              "accuracy": 3.14, # The fraction of predictions given the correct label.
              "f1Score": 3.14, # The equally weighted average of recall and precision.
              "falseNegatives": "A String", # Number of false samples predicted as false.
              "falsePositives": "A String", # Number of false samples predicted as true.
              "positiveClassThreshold": 3.14, # Threshold value used when computing each of the following metric.
              "precision": 3.14, # The fraction of actual positive predictions that had positive actual labels.
              "recall": 3.14, # The fraction of actual positive labels that were given a positive prediction.
              "trueNegatives": "A String", # Number of true samples predicted as false.
              "truePositives": "A String", # Number of true samples predicted as true.
            },
          ],
          "negativeLabel": "A String", # Label representing the negative class.
          "positiveLabel": "A String", # Label representing the positive class.
        },
        "clusteringMetrics": { # Evaluation metrics for clustering models. # Populated for clustering models.
          "clusters": [ # Information for all clusters.
            { # Message containing the information about one cluster.
              "centroidId": "A String", # Centroid id.
              "count": "A String", # Count of training data rows that were assigned to this cluster.
              "featureValues": [ # Values of highly variant features for this cluster.
                { # Representative value of a single feature within the cluster.
                  "categoricalValue": { # Representative value of a categorical feature. # The categorical feature value.
                    "categoryCounts": [ # Counts of all categories for the categorical feature. If there are more than ten categories, we return top ten (by count) and return one more CategoryCount with category "_OTHER_" and count as aggregate counts of remaining categories.
                      { # Represents the count of a single category within the cluster.
                        "category": "A String", # The name of category.
                        "count": "A String", # The count of training samples matching the category within the cluster.
                      },
                    ],
                  },
                  "featureColumn": "A String", # The feature column name.
                  "numericalValue": 3.14, # The numerical feature value. This is the centroid value for this feature.
                },
              ],
            },
          ],
          "daviesBouldinIndex": 3.14, # Davies-Bouldin index.
          "meanSquaredDistance": 3.14, # Mean of squared distances between each sample to its cluster centroid.
        },
        "dimensionalityReductionMetrics": { # Model evaluation metrics for dimensionality reduction models. # Evaluation metrics when the model is a dimensionality reduction model, which currently includes PCA.
          "totalExplainedVarianceRatio": 3.14, # Total percentage of variance explained by the selected principal components.
        },
        "multiClassClassificationMetrics": { # Evaluation metrics for multi-class classification/classifier models. # Populated for multi-class classification/classifier models.
          "aggregateClassificationMetrics": { # Aggregate metrics for classification/classifier models. For multi-class models, the metrics are either macro-averaged or micro-averaged. When macro-averaged, the metrics are calculated for each label and then an unweighted average is taken of those values. When micro-averaged, the metric is calculated globally by counting the total number of correctly predicted rows. # Aggregate classification metrics.
            "accuracy": 3.14, # Accuracy is the fraction of predictions given the correct label. For multiclass this is a micro-averaged metric.
            "f1Score": 3.14, # The F1 score is an average of recall and precision. For multiclass this is a macro-averaged metric.
            "logLoss": 3.14, # Logarithmic Loss. For multiclass this is a macro-averaged metric.
            "precision": 3.14, # Precision is the fraction of actual positive predictions that had positive actual labels. For multiclass this is a macro-averaged metric treating each class as a binary classifier.
            "recall": 3.14, # Recall is the fraction of actual positive labels that were given a positive prediction. For multiclass this is a macro-averaged metric.
            "rocAuc": 3.14, # Area Under a ROC Curve. For multiclass this is a macro-averaged metric.
            "threshold": 3.14, # Threshold at which the metrics are computed. For binary classification models this is the positive class threshold. For multi-class classification models this is the confidence threshold.
          },
          "confusionMatrixList": [ # Confusion matrix at different thresholds.
            { # Confusion matrix for multi-class classification models.
              "confidenceThreshold": 3.14, # Confidence threshold used when computing the entries of the confusion matrix.
              "rows": [ # One row per actual label.
                { # A single row in the confusion matrix.
                  "actualLabel": "A String", # The original label of this row.
                  "entries": [ # Info describing predicted label distribution.
                    { # A single entry in the confusion matrix.
                      "itemCount": "A String", # Number of items being predicted as this label.
                      "predictedLabel": "A String", # The predicted label. For confidence_threshold > 0, we will also add an entry indicating the number of items under the confidence threshold.
                    },
                  ],
                },
              ],
            },
          ],
        },
        "rankingMetrics": { # Evaluation metrics used by weighted-ALS models specified by feedback_type=implicit. # Populated for implicit feedback type matrix factorization models.
          "averageRank": 3.14, # Determines the goodness of a ranking by computing the percentile rank from the predicted confidence and dividing it by the original rank.
          "meanAveragePrecision": 3.14, # Calculates a precision per user for all the items by ranking them and then averages all the precisions across all the users.
          "meanSquaredError": 3.14, # Similar to the mean squared error computed in regression and explicit recommendation models except instead of computing the rating directly, the output from evaluate is computed against a preference which is 1 or 0 depending on if the rating exists or not.
          "normalizedDiscountedCumulativeGain": 3.14, # A metric to determine the goodness of a ranking calculated from the predicted confidence by comparing it to an ideal rank measured by the original ratings.
        },
        "regressionMetrics": { # Evaluation metrics for regression and explicit feedback type matrix factorization models. # Populated for regression models and explicit feedback type matrix factorization models.
          "meanAbsoluteError": 3.14, # Mean absolute error.
          "meanSquaredError": 3.14, # Mean squared error.
          "meanSquaredLogError": 3.14, # Mean squared log error.
          "medianAbsoluteError": 3.14, # Median absolute error.
          "rSquared": 3.14, # R^2 score. This corresponds to r2_score in ML.EVALUATE.
        },
      },
      "hparams": { # Options used in model training. # The hyperprameters selected for this trial.
        "activationFn": "A String", # Activation function of the neural nets.
        "adjustStepChanges": True or False, # If true, detect step changes and make data adjustment in the input time series.
        "approxGlobalFeatureContrib": True or False, # Whether to use approximate feature contribution method in XGBoost model explanation for global explain.
        "autoArima": True or False, # Whether to enable auto ARIMA or not.
        "autoArimaMaxOrder": "A String", # The max value of the sum of non-seasonal p and q.
        "autoArimaMinOrder": "A String", # The min value of the sum of non-seasonal p and q.
        "autoClassWeights": True or False, # Whether to calculate class weights automatically based on the popularity of each label.
        "batchSize": "A String", # Batch size for dnn models.
        "boosterType": "A String", # Booster type for boosted tree models.
        "budgetHours": 3.14, # Budget in hours for AutoML training.
        "calculatePValues": True or False, # Whether or not p-value test should be computed for this model. Only available for linear and logistic regression models.
        "categoryEncodingMethod": "A String", # Categorical feature encoding method.
        "cleanSpikesAndDips": True or False, # If true, clean spikes and dips in the input time series.
        "colorSpace": "A String", # Enums for color space, used for processing images in Object Table. See more details at https://www.tensorflow.org/io/tutorials/colorspace.
        "colsampleBylevel": 3.14, # Subsample ratio of columns for each level for boosted tree models.
        "colsampleBynode": 3.14, # Subsample ratio of columns for each node(split) for boosted tree models.
        "colsampleBytree": 3.14, # Subsample ratio of columns when constructing each tree for boosted tree models.
        "contributionMetric": "A String", # The contribution metric. Applies to contribution analysis models. Allowed formats supported are for summable and summable ratio contribution metrics. These include expressions such as `SUM(x)` or `SUM(x)/SUM(y)`, where x and y are column names from the base table.
        "dartNormalizeType": "A String", # Type of normalization algorithm for boosted tree models using dart booster.
        "dataFrequency": "A String", # The data frequency of a time series.
        "dataSplitColumn": "A String", # The column to split data with. This column won't be used as a feature. 1. When data_split_method is CUSTOM, the corresponding column should be boolean. The rows with true value tag are eval data, and the false are training data. 2. When data_split_method is SEQ, the first DATA_SPLIT_EVAL_FRACTION rows (from smallest to largest) in the corresponding column are used as training data, and the rest are eval data. It respects the order in Orderable data types: https://cloud.google.com/bigquery/docs/reference/standard-sql/data-types#data_type_properties
        "dataSplitEvalFraction": 3.14, # The fraction of evaluation data over the whole input data. The rest of data will be used as training data. The format should be double. Accurate to two decimal places. Default value is 0.2.
        "dataSplitMethod": "A String", # The data split type for training and evaluation, e.g. RANDOM.
        "decomposeTimeSeries": True or False, # If true, perform decompose time series and save the results.
        "dimensionIdColumns": [ # Optional. Names of the columns to slice on. Applies to contribution analysis models.
          "A String",
        ],
        "distanceType": "A String", # Distance type for clustering models.
        "dropout": 3.14, # Dropout probability for dnn models.
        "earlyStop": True or False, # Whether to stop early when the loss doesn't improve significantly any more (compared to min_relative_progress). Used only for iterative training algorithms.
        "enableGlobalExplain": True or False, # If true, enable global explanation during training.
        "feedbackType": "A String", # Feedback type that specifies which algorithm to run for matrix factorization.
        "fitIntercept": True or False, # Whether the model should include intercept during model training.
        "forecastLimitLowerBound": 3.14, # The forecast limit lower bound that was used during ARIMA model training with limits. To see more details of the algorithm: https://otexts.com/fpp2/limits.html
        "forecastLimitUpperBound": 3.14, # The forecast limit upper bound that was used during ARIMA model training with limits.
        "hiddenUnits": [ # Hidden units for dnn models.
          "A String",
        ],
        "holidayRegion": "A String", # The geographical region based on which the holidays are considered in time series modeling. If a valid value is specified, then holiday effects modeling is enabled.
        "holidayRegions": [ # A list of geographical regions that are used for time series modeling.
          "A String",
        ],
        "horizon": "A String", # The number of periods ahead that need to be forecasted.
        "hparamTuningObjectives": [ # The target evaluation metrics to optimize the hyperparameters for.
          "A String",
        ],
        "includeDrift": True or False, # Include drift when fitting an ARIMA model.
        "initialLearnRate": 3.14, # Specifies the initial learning rate for the line search learn rate strategy.
        "inputLabelColumns": [ # Name of input label columns in training data.
          "A String",
        ],
        "instanceWeightColumn": "A String", # Name of the instance weight column for training data. This column isn't be used as a feature.
        "integratedGradientsNumSteps": "A String", # Number of integral steps for the integrated gradients explain method.
        "isTestColumn": "A String", # Name of the column used to determine the rows corresponding to control and test. Applies to contribution analysis models.
        "itemColumn": "A String", # Item column specified for matrix factorization models.
        "kmeansInitializationColumn": "A String", # The column used to provide the initial centroids for kmeans algorithm when kmeans_initialization_method is CUSTOM.
        "kmeansInitializationMethod": "A String", # The method used to initialize the centroids for kmeans algorithm.
        "l1RegActivation": 3.14, # L1 regularization coefficient to activations.
        "l1Regularization": 3.14, # L1 regularization coefficient.
        "l2Regularization": 3.14, # L2 regularization coefficient.
        "labelClassWeights": { # Weights associated with each label class, for rebalancing the training data. Only applicable for classification models.
          "a_key": 3.14,
        },
        "learnRate": 3.14, # Learning rate in training. Used only for iterative training algorithms.
        "learnRateStrategy": "A String", # The strategy to determine learn rate for the current iteration.
        "lossType": "A String", # Type of loss function used during training run.
        "maxIterations": "A String", # The maximum number of iterations in training. Used only for iterative training algorithms.
        "maxParallelTrials": "A String", # Maximum number of trials to run in parallel.
        "maxTimeSeriesLength": "A String", # The maximum number of time points in a time series that can be used in modeling the trend component of the time series. Don't use this option with the `timeSeriesLengthFraction` or `minTimeSeriesLength` options.
        "maxTreeDepth": "A String", # Maximum depth of a tree for boosted tree models.
        "minAprioriSupport": 3.14, # The apriori support minimum. Applies to contribution analysis models.
        "minRelativeProgress": 3.14, # When early_stop is true, stops training when accuracy improvement is less than 'min_relative_progress'. Used only for iterative training algorithms.
        "minSplitLoss": 3.14, # Minimum split loss for boosted tree models.
        "minTimeSeriesLength": "A String", # The minimum number of time points in a time series that are used in modeling the trend component of the time series. If you use this option you must also set the `timeSeriesLengthFraction` option. This training option ensures that enough time points are available when you use `timeSeriesLengthFraction` in trend modeling. This is particularly important when forecasting multiple time series in a single query using `timeSeriesIdColumn`. If the total number of time points is less than the `minTimeSeriesLength` value, then the query uses all available time points.
        "minTreeChildWeight": "A String", # Minimum sum of instance weight needed in a child for boosted tree models.
        "modelRegistry": "A String", # The model registry.
        "modelUri": "A String", # Google Cloud Storage URI from which the model was imported. Only applicable for imported models.
        "nonSeasonalOrder": { # Arima order, can be used for both non-seasonal and seasonal parts. # A specification of the non-seasonal part of the ARIMA model: the three components (p, d, q) are the AR order, the degree of differencing, and the MA order.
          "d": "A String", # Order of the differencing part.
          "p": "A String", # Order of the autoregressive part.
          "q": "A String", # Order of the moving-average part.
        },
        "numClusters": "A String", # Number of clusters for clustering models.
        "numFactors": "A String", # Num factors specified for matrix factorization models.
        "numParallelTree": "A String", # Number of parallel trees constructed during each iteration for boosted tree models.
        "numPrincipalComponents": "A String", # Number of principal components to keep in the PCA model. Must be <= the number of features.
        "numTrials": "A String", # Number of trials to run this hyperparameter tuning job.
        "optimizationStrategy": "A String", # Optimization strategy for training linear regression models.
        "optimizer": "A String", # Optimizer used for training the neural nets.
        "pcaExplainedVarianceRatio": 3.14, # The minimum ratio of cumulative explained variance that needs to be given by the PCA model.
        "pcaSolver": "A String", # The solver for PCA.
        "sampledShapleyNumPaths": "A String", # Number of paths for the sampled Shapley explain method.
        "scaleFeatures": True or False, # If true, scale the feature values by dividing the feature standard deviation. Currently only apply to PCA.
        "standardizeFeatures": True or False, # Whether to standardize numerical features. Default to true.
        "subsample": 3.14, # Subsample fraction of the training data to grow tree to prevent overfitting for boosted tree models.
        "tfVersion": "A String", # Based on the selected TF version, the corresponding docker image is used to train external models.
        "timeSeriesDataColumn": "A String", # Column to be designated as time series data for ARIMA model.
        "timeSeriesIdColumn": "A String", # The time series id column that was used during ARIMA model training.
        "timeSeriesIdColumns": [ # The time series id columns that were used during ARIMA model training.
          "A String",
        ],
        "timeSeriesLengthFraction": 3.14, # The fraction of the interpolated length of the time series that's used to model the time series trend component. All of the time points of the time series are used to model the non-trend component. This training option accelerates modeling training without sacrificing much forecasting accuracy. You can use this option with `minTimeSeriesLength` but not with `maxTimeSeriesLength`.
        "timeSeriesTimestampColumn": "A String", # Column to be designated as time series timestamp for ARIMA model.
        "treeMethod": "A String", # Tree construction algorithm for boosted tree models.
        "trendSmoothingWindowSize": "A String", # Smoothing window size for the trend component. When a positive value is specified, a center moving average smoothing is applied on the history trend. When the smoothing window is out of the boundary at the beginning or the end of the trend, the first element or the last element is padded to fill the smoothing window before the average is applied.
        "userColumn": "A String", # User column specified for matrix factorization models.
        "vertexAiModelVersionAliases": [ # The version aliases to apply in Vertex AI model registry. Always overwrite if the version aliases exists in a existing model.
          "A String",
        ],
        "walsAlpha": 3.14, # Hyperparameter for matrix factoration when implicit feedback type is specified.
        "warmStart": True or False, # Whether to train a model from the last checkpoint.
        "xgboostVersion": "A String", # User-selected XGBoost versions for training of XGBoost models.
      },
      "startTimeMs": "A String", # Starting time of the trial.
      "status": "A String", # The status of the trial.
      "trainingLoss": 3.14, # Loss computed on the training data at the end of trial.
      "trialId": "A String", # 1-based index of the trial.
    },
  ],
  "labelColumns": [ # Output only. Label columns that were used to train this model. The output of the model will have a "predicted_" prefix to these columns.
    { # A field or a column.
      "name": "A String", # Optional. The name of this field. Can be absent for struct fields.
      "type": # Object with schema name: StandardSqlDataType # Optional. The type of this parameter. Absent if not explicitly specified (e.g., CREATE FUNCTION statement can omit the return type; in this case the output parameter does not have this "type" field).
    },
  ],
  "labels": { # The labels associated with this model. You can use these to organize and group your models. Label keys and values can be no longer than 63 characters, can only contain lowercase letters, numeric characters, underscores and dashes. International characters are allowed. Label values are optional. Label keys must start with a letter and each label in the list must have a different key.
    "a_key": "A String",
  },
  "lastModifiedTime": "A String", # Output only. The time when this model was last modified, in millisecs since the epoch.
  "location": "A String", # Output only. The geographic location where the model resides. This value is inherited from the dataset.
  "modelReference": { # Id path of a model. # Required. Unique identifier for this model.
    "datasetId": "A String", # Required. The ID of the dataset containing this model.
    "modelId": "A String", # Required. The ID of the model. The ID must contain only letters (a-z, A-Z), numbers (0-9), or underscores (_). The maximum length is 1,024 characters.
    "projectId": "A String", # Required. The ID of the project containing this model.
  },
  "modelType": "A String", # Output only. Type of the model resource.
  "optimalTrialIds": [ # Output only. For single-objective [hyperparameter tuning](https://cloud.google.com/bigquery-ml/docs/reference/standard-sql/bigqueryml-syntax-hp-tuning-overview) models, it only contains the best trial. For multi-objective [hyperparameter tuning](https://cloud.google.com/bigquery-ml/docs/reference/standard-sql/bigqueryml-syntax-hp-tuning-overview) models, it contains all Pareto optimal trials sorted by trial_id.
    "A String",
  ],
  "remoteModelInfo": { # Remote Model Info # Output only. Remote model info
    "connection": "A String", # Output only. Fully qualified name of the user-provided connection object of the remote model. Format: ```"projects/{project_id}/locations/{location_id}/connections/{connection_id}"```
    "endpoint": "A String", # Output only. The endpoint for remote model.
    "maxBatchingRows": "A String", # Output only. Max number of rows in each batch sent to the remote service. If unset, the number of rows in each batch is set dynamically.
    "remoteModelVersion": "A String", # Output only. The model version for LLM.
    "remoteServiceType": "A String", # Output only. The remote service type for remote model.
    "speechRecognizer": "A String", # Output only. The name of the speech recognizer to use for speech recognition. The expected format is `projects/{project}/locations/{location}/recognizers/{recognizer}`. Customers can specify this field at model creation. If not specified, a default recognizer `projects/{model project}/locations/global/recognizers/_` will be used. See more details at [recognizers](https://cloud.google.com/speech-to-text/v2/docs/reference/rest/v2/projects.locations.recognizers)
  },
  "trainingRuns": [ # Information for all training runs in increasing order of start_time.
    { # Information about a single training query run for the model.
      "classLevelGlobalExplanations": [ # Output only. Global explanation contains the explanation of top features on the class level. Applies to classification models only.
        { # Global explanations containing the top most important features after training.
          "classLabel": "A String", # Class label for this set of global explanations. Will be empty/null for binary logistic and linear regression models. Sorted alphabetically in descending order.
          "explanations": [ # A list of the top global explanations. Sorted by absolute value of attribution in descending order.
            { # Explanation for a single feature.
              "attribution": 3.14, # Attribution of feature.
              "featureName": "A String", # The full feature name. For non-numerical features, will be formatted like `.`. Overall size of feature name will always be truncated to first 120 characters.
            },
          ],
        },
      ],
      "dataSplitResult": { # Data split result. This contains references to the training and evaluation data tables that were used to train the model. # Output only. Data split result of the training run. Only set when the input data is actually split.
        "evaluationTable": { # Table reference of the evaluation data after split.
          "datasetId": "A String", # Required. The ID of the dataset containing this table.
          "projectId": "A String", # Required. The ID of the project containing this table.
          "tableId": "A String", # Required. The ID of the table. The ID can contain Unicode characters in category L (letter), M (mark), N (number), Pc (connector, including underscore), Pd (dash), and Zs (space). For more information, see [General Category](https://wikipedia.org/wiki/Unicode_character_property#General_Category). The maximum length is 1,024 characters. Certain operations allow suffixing of the table ID with a partition decorator, such as `sample_table$20190123`.
        },
        "testTable": { # Table reference of the test data after split.
          "datasetId": "A String", # Required. The ID of the dataset containing this table.
          "projectId": "A String", # Required. The ID of the project containing this table.
          "tableId": "A String", # Required. The ID of the table. The ID can contain Unicode characters in category L (letter), M (mark), N (number), Pc (connector, including underscore), Pd (dash), and Zs (space). For more information, see [General Category](https://wikipedia.org/wiki/Unicode_character_property#General_Category). The maximum length is 1,024 characters. Certain operations allow suffixing of the table ID with a partition decorator, such as `sample_table$20190123`.
        },
        "trainingTable": { # Table reference of the training data after split.
          "datasetId": "A String", # Required. The ID of the dataset containing this table.
          "projectId": "A String", # Required. The ID of the project containing this table.
          "tableId": "A String", # Required. The ID of the table. The ID can contain Unicode characters in category L (letter), M (mark), N (number), Pc (connector, including underscore), Pd (dash), and Zs (space). For more information, see [General Category](https://wikipedia.org/wiki/Unicode_character_property#General_Category). The maximum length is 1,024 characters. Certain operations allow suffixing of the table ID with a partition decorator, such as `sample_table$20190123`.
        },
      },
      "evaluationMetrics": { # Evaluation metrics of a model. These are either computed on all training data or just the eval data based on whether eval data was used during training. These are not present for imported models. # Output only. The evaluation metrics over training/eval data that were computed at the end of training.
        "arimaForecastingMetrics": { # Model evaluation metrics for ARIMA forecasting models. # Populated for ARIMA models.
          "arimaFittingMetrics": [ # Arima model fitting metrics.
            { # ARIMA model fitting metrics.
              "aic": 3.14, # AIC.
              "logLikelihood": 3.14, # Log-likelihood.
              "variance": 3.14, # Variance.
            },
          ],
          "arimaSingleModelForecastingMetrics": [ # Repeated as there can be many metric sets (one for each model) in auto-arima and the large-scale case.
            { # Model evaluation metrics for a single ARIMA forecasting model.
              "arimaFittingMetrics": { # ARIMA model fitting metrics. # Arima fitting metrics.
                "aic": 3.14, # AIC.
                "logLikelihood": 3.14, # Log-likelihood.
                "variance": 3.14, # Variance.
              },
              "hasDrift": True or False, # Is arima model fitted with drift or not. It is always false when d is not 1.
              "hasHolidayEffect": True or False, # If true, holiday_effect is a part of time series decomposition result.
              "hasSpikesAndDips": True or False, # If true, spikes_and_dips is a part of time series decomposition result.
              "hasStepChanges": True or False, # If true, step_changes is a part of time series decomposition result.
              "nonSeasonalOrder": { # Arima order, can be used for both non-seasonal and seasonal parts. # Non-seasonal order.
                "d": "A String", # Order of the differencing part.
                "p": "A String", # Order of the autoregressive part.
                "q": "A String", # Order of the moving-average part.
              },
              "seasonalPeriods": [ # Seasonal periods. Repeated because multiple periods are supported for one time series.
                "A String",
              ],
              "timeSeriesId": "A String", # The time_series_id value for this time series. It will be one of the unique values from the time_series_id_column specified during ARIMA model training. Only present when time_series_id_column training option was used.
              "timeSeriesIds": [ # The tuple of time_series_ids identifying this time series. It will be one of the unique tuples of values present in the time_series_id_columns specified during ARIMA model training. Only present when time_series_id_columns training option was used and the order of values here are same as the order of time_series_id_columns.
                "A String",
              ],
            },
          ],
          "hasDrift": [ # Whether Arima model fitted with drift or not. It is always false when d is not 1.
            True or False,
          ],
          "nonSeasonalOrder": [ # Non-seasonal order.
            { # Arima order, can be used for both non-seasonal and seasonal parts.
              "d": "A String", # Order of the differencing part.
              "p": "A String", # Order of the autoregressive part.
              "q": "A String", # Order of the moving-average part.
            },
          ],
          "seasonalPeriods": [ # Seasonal periods. Repeated because multiple periods are supported for one time series.
            "A String",
          ],
          "timeSeriesId": [ # Id to differentiate different time series for the large-scale case.
            "A String",
          ],
        },
        "binaryClassificationMetrics": { # Evaluation metrics for binary classification/classifier models. # Populated for binary classification/classifier models.
          "aggregateClassificationMetrics": { # Aggregate metrics for classification/classifier models. For multi-class models, the metrics are either macro-averaged or micro-averaged. When macro-averaged, the metrics are calculated for each label and then an unweighted average is taken of those values. When micro-averaged, the metric is calculated globally by counting the total number of correctly predicted rows. # Aggregate classification metrics.
            "accuracy": 3.14, # Accuracy is the fraction of predictions given the correct label. For multiclass this is a micro-averaged metric.
            "f1Score": 3.14, # The F1 score is an average of recall and precision. For multiclass this is a macro-averaged metric.
            "logLoss": 3.14, # Logarithmic Loss. For multiclass this is a macro-averaged metric.
            "precision": 3.14, # Precision is the fraction of actual positive predictions that had positive actual labels. For multiclass this is a macro-averaged metric treating each class as a binary classifier.
            "recall": 3.14, # Recall is the fraction of actual positive labels that were given a positive prediction. For multiclass this is a macro-averaged metric.
            "rocAuc": 3.14, # Area Under a ROC Curve. For multiclass this is a macro-averaged metric.
            "threshold": 3.14, # Threshold at which the metrics are computed. For binary classification models this is the positive class threshold. For multi-class classification models this is the confidence threshold.
          },
          "binaryConfusionMatrixList": [ # Binary confusion matrix at multiple thresholds.
            { # Confusion matrix for binary classification models.
              "accuracy": 3.14, # The fraction of predictions given the correct label.
              "f1Score": 3.14, # The equally weighted average of recall and precision.
              "falseNegatives": "A String", # Number of false samples predicted as false.
              "falsePositives": "A String", # Number of false samples predicted as true.
              "positiveClassThreshold": 3.14, # Threshold value used when computing each of the following metric.
              "precision": 3.14, # The fraction of actual positive predictions that had positive actual labels.
              "recall": 3.14, # The fraction of actual positive labels that were given a positive prediction.
              "trueNegatives": "A String", # Number of true samples predicted as false.
              "truePositives": "A String", # Number of true samples predicted as true.
            },
          ],
          "negativeLabel": "A String", # Label representing the negative class.
          "positiveLabel": "A String", # Label representing the positive class.
        },
        "clusteringMetrics": { # Evaluation metrics for clustering models. # Populated for clustering models.
          "clusters": [ # Information for all clusters.
            { # Message containing the information about one cluster.
              "centroidId": "A String", # Centroid id.
              "count": "A String", # Count of training data rows that were assigned to this cluster.
              "featureValues": [ # Values of highly variant features for this cluster.
                { # Representative value of a single feature within the cluster.
                  "categoricalValue": { # Representative value of a categorical feature. # The categorical feature value.
                    "categoryCounts": [ # Counts of all categories for the categorical feature. If there are more than ten categories, we return top ten (by count) and return one more CategoryCount with category "_OTHER_" and count as aggregate counts of remaining categories.
                      { # Represents the count of a single category within the cluster.
                        "category": "A String", # The name of category.
                        "count": "A String", # The count of training samples matching the category within the cluster.
                      },
                    ],
                  },
                  "featureColumn": "A String", # The feature column name.
                  "numericalValue": 3.14, # The numerical feature value. This is the centroid value for this feature.
                },
              ],
            },
          ],
          "daviesBouldinIndex": 3.14, # Davies-Bouldin index.
          "meanSquaredDistance": 3.14, # Mean of squared distances between each sample to its cluster centroid.
        },
        "dimensionalityReductionMetrics": { # Model evaluation metrics for dimensionality reduction models. # Evaluation metrics when the model is a dimensionality reduction model, which currently includes PCA.
          "totalExplainedVarianceRatio": 3.14, # Total percentage of variance explained by the selected principal components.
        },
        "multiClassClassificationMetrics": { # Evaluation metrics for multi-class classification/classifier models. # Populated for multi-class classification/classifier models.
          "aggregateClassificationMetrics": { # Aggregate metrics for classification/classifier models. For multi-class models, the metrics are either macro-averaged or micro-averaged. When macro-averaged, the metrics are calculated for each label and then an unweighted average is taken of those values. When micro-averaged, the metric is calculated globally by counting the total number of correctly predicted rows. # Aggregate classification metrics.
            "accuracy": 3.14, # Accuracy is the fraction of predictions given the correct label. For multiclass this is a micro-averaged metric.
            "f1Score": 3.14, # The F1 score is an average of recall and precision. For multiclass this is a macro-averaged metric.
            "logLoss": 3.14, # Logarithmic Loss. For multiclass this is a macro-averaged metric.
            "precision": 3.14, # Precision is the fraction of actual positive predictions that had positive actual labels. For multiclass this is a macro-averaged metric treating each class as a binary classifier.
            "recall": 3.14, # Recall is the fraction of actual positive labels that were given a positive prediction. For multiclass this is a macro-averaged metric.
            "rocAuc": 3.14, # Area Under a ROC Curve. For multiclass this is a macro-averaged metric.
            "threshold": 3.14, # Threshold at which the metrics are computed. For binary classification models this is the positive class threshold. For multi-class classification models this is the confidence threshold.
          },
          "confusionMatrixList": [ # Confusion matrix at different thresholds.
            { # Confusion matrix for multi-class classification models.
              "confidenceThreshold": 3.14, # Confidence threshold used when computing the entries of the confusion matrix.
              "rows": [ # One row per actual label.
                { # A single row in the confusion matrix.
                  "actualLabel": "A String", # The original label of this row.
                  "entries": [ # Info describing predicted label distribution.
                    { # A single entry in the confusion matrix.
                      "itemCount": "A String", # Number of items being predicted as this label.
                      "predictedLabel": "A String", # The predicted label. For confidence_threshold > 0, we will also add an entry indicating the number of items under the confidence threshold.
                    },
                  ],
                },
              ],
            },
          ],
        },
        "rankingMetrics": { # Evaluation metrics used by weighted-ALS models specified by feedback_type=implicit. # Populated for implicit feedback type matrix factorization models.
          "averageRank": 3.14, # Determines the goodness of a ranking by computing the percentile rank from the predicted confidence and dividing it by the original rank.
          "meanAveragePrecision": 3.14, # Calculates a precision per user for all the items by ranking them and then averages all the precisions across all the users.
          "meanSquaredError": 3.14, # Similar to the mean squared error computed in regression and explicit recommendation models except instead of computing the rating directly, the output from evaluate is computed against a preference which is 1 or 0 depending on if the rating exists or not.
          "normalizedDiscountedCumulativeGain": 3.14, # A metric to determine the goodness of a ranking calculated from the predicted confidence by comparing it to an ideal rank measured by the original ratings.
        },
        "regressionMetrics": { # Evaluation metrics for regression and explicit feedback type matrix factorization models. # Populated for regression models and explicit feedback type matrix factorization models.
          "meanAbsoluteError": 3.14, # Mean absolute error.
          "meanSquaredError": 3.14, # Mean squared error.
          "meanSquaredLogError": 3.14, # Mean squared log error.
          "medianAbsoluteError": 3.14, # Median absolute error.
          "rSquared": 3.14, # R^2 score. This corresponds to r2_score in ML.EVALUATE.
        },
      },
      "modelLevelGlobalExplanation": { # Global explanations containing the top most important features after training. # Output only. Global explanation contains the explanation of top features on the model level. Applies to both regression and classification models.
        "classLabel": "A String", # Class label for this set of global explanations. Will be empty/null for binary logistic and linear regression models. Sorted alphabetically in descending order.
        "explanations": [ # A list of the top global explanations. Sorted by absolute value of attribution in descending order.
          { # Explanation for a single feature.
            "attribution": 3.14, # Attribution of feature.
            "featureName": "A String", # The full feature name. For non-numerical features, will be formatted like `.`. Overall size of feature name will always be truncated to first 120 characters.
          },
        ],
      },
      "results": [ # Output only. Output of each iteration run, results.size() <= max_iterations.
        { # Information about a single iteration of the training run.
          "arimaResult": { # (Auto-)arima fitting result. Wrap everything in ArimaResult for easier refactoring if we want to use model-specific iteration results. # Arima result.
            "arimaModelInfo": [ # This message is repeated because there are multiple arima models fitted in auto-arima. For non-auto-arima model, its size is one.
              { # Arima model information.
                "arimaCoefficients": { # Arima coefficients. # Arima coefficients.
                  "autoRegressiveCoefficients": [ # Auto-regressive coefficients, an array of double.
                    3.14,
                  ],
                  "interceptCoefficient": 3.14, # Intercept coefficient, just a double not an array.
                  "movingAverageCoefficients": [ # Moving-average coefficients, an array of double.
                    3.14,
                  ],
                },
                "arimaFittingMetrics": { # ARIMA model fitting metrics. # Arima fitting metrics.
                  "aic": 3.14, # AIC.
                  "logLikelihood": 3.14, # Log-likelihood.
                  "variance": 3.14, # Variance.
                },
                "hasDrift": True or False, # Whether Arima model fitted with drift or not. It is always false when d is not 1.
                "hasHolidayEffect": True or False, # If true, holiday_effect is a part of time series decomposition result.
                "hasSpikesAndDips": True or False, # If true, spikes_and_dips is a part of time series decomposition result.
                "hasStepChanges": True or False, # If true, step_changes is a part of time series decomposition result.
                "nonSeasonalOrder": { # Arima order, can be used for both non-seasonal and seasonal parts. # Non-seasonal order.
                  "d": "A String", # Order of the differencing part.
                  "p": "A String", # Order of the autoregressive part.
                  "q": "A String", # Order of the moving-average part.
                },
                "seasonalPeriods": [ # Seasonal periods. Repeated because multiple periods are supported for one time series.
                  "A String",
                ],
                "timeSeriesId": "A String", # The time_series_id value for this time series. It will be one of the unique values from the time_series_id_column specified during ARIMA model training. Only present when time_series_id_column training option was used.
                "timeSeriesIds": [ # The tuple of time_series_ids identifying this time series. It will be one of the unique tuples of values present in the time_series_id_columns specified during ARIMA model training. Only present when time_series_id_columns training option was used and the order of values here are same as the order of time_series_id_columns.
                  "A String",
                ],
              },
            ],
            "seasonalPeriods": [ # Seasonal periods. Repeated because multiple periods are supported for one time series.
              "A String",
            ],
          },
          "clusterInfos": [ # Information about top clusters for clustering models.
            { # Information about a single cluster for clustering model.
              "centroidId": "A String", # Centroid id.
              "clusterRadius": 3.14, # Cluster radius, the average distance from centroid to each point assigned to the cluster.
              "clusterSize": "A String", # Cluster size, the total number of points assigned to the cluster.
            },
          ],
          "durationMs": "A String", # Time taken to run the iteration in milliseconds.
          "evalLoss": 3.14, # Loss computed on the eval data at the end of iteration.
          "index": 42, # Index of the iteration, 0 based.
          "learnRate": 3.14, # Learn rate used for this iteration.
          "principalComponentInfos": [ # The information of the principal components.
            { # Principal component infos, used only for eigen decomposition based models, e.g., PCA. Ordered by explained_variance in the descending order.
              "cumulativeExplainedVarianceRatio": 3.14, # The explained_variance is pre-ordered in the descending order to compute the cumulative explained variance ratio.
              "explainedVariance": 3.14, # Explained variance by this principal component, which is simply the eigenvalue.
              "explainedVarianceRatio": 3.14, # Explained_variance over the total explained variance.
              "principalComponentId": "A String", # Id of the principal component.
            },
          ],
          "trainingLoss": 3.14, # Loss computed on the training data at the end of iteration.
        },
      ],
      "startTime": "A String", # Output only. The start time of this training run.
      "trainingOptions": { # Options used in model training. # Output only. Options that were used for this training run, includes user specified and default options that were used.
        "activationFn": "A String", # Activation function of the neural nets.
        "adjustStepChanges": True or False, # If true, detect step changes and make data adjustment in the input time series.
        "approxGlobalFeatureContrib": True or False, # Whether to use approximate feature contribution method in XGBoost model explanation for global explain.
        "autoArima": True or False, # Whether to enable auto ARIMA or not.
        "autoArimaMaxOrder": "A String", # The max value of the sum of non-seasonal p and q.
        "autoArimaMinOrder": "A String", # The min value of the sum of non-seasonal p and q.
        "autoClassWeights": True or False, # Whether to calculate class weights automatically based on the popularity of each label.
        "batchSize": "A String", # Batch size for dnn models.
        "boosterType": "A String", # Booster type for boosted tree models.
        "budgetHours": 3.14, # Budget in hours for AutoML training.
        "calculatePValues": True or False, # Whether or not p-value test should be computed for this model. Only available for linear and logistic regression models.
        "categoryEncodingMethod": "A String", # Categorical feature encoding method.
        "cleanSpikesAndDips": True or False, # If true, clean spikes and dips in the input time series.
        "colorSpace": "A String", # Enums for color space, used for processing images in Object Table. See more details at https://www.tensorflow.org/io/tutorials/colorspace.
        "colsampleBylevel": 3.14, # Subsample ratio of columns for each level for boosted tree models.
        "colsampleBynode": 3.14, # Subsample ratio of columns for each node(split) for boosted tree models.
        "colsampleBytree": 3.14, # Subsample ratio of columns when constructing each tree for boosted tree models.
        "contributionMetric": "A String", # The contribution metric. Applies to contribution analysis models. Allowed formats supported are for summable and summable ratio contribution metrics. These include expressions such as `SUM(x)` or `SUM(x)/SUM(y)`, where x and y are column names from the base table.
        "dartNormalizeType": "A String", # Type of normalization algorithm for boosted tree models using dart booster.
        "dataFrequency": "A String", # The data frequency of a time series.
        "dataSplitColumn": "A String", # The column to split data with. This column won't be used as a feature. 1. When data_split_method is CUSTOM, the corresponding column should be boolean. The rows with true value tag are eval data, and the false are training data. 2. When data_split_method is SEQ, the first DATA_SPLIT_EVAL_FRACTION rows (from smallest to largest) in the corresponding column are used as training data, and the rest are eval data. It respects the order in Orderable data types: https://cloud.google.com/bigquery/docs/reference/standard-sql/data-types#data_type_properties
        "dataSplitEvalFraction": 3.14, # The fraction of evaluation data over the whole input data. The rest of data will be used as training data. The format should be double. Accurate to two decimal places. Default value is 0.2.
        "dataSplitMethod": "A String", # The data split type for training and evaluation, e.g. RANDOM.
        "decomposeTimeSeries": True or False, # If true, perform decompose time series and save the results.
        "dimensionIdColumns": [ # Optional. Names of the columns to slice on. Applies to contribution analysis models.
          "A String",
        ],
        "distanceType": "A String", # Distance type for clustering models.
        "dropout": 3.14, # Dropout probability for dnn models.
        "earlyStop": True or False, # Whether to stop early when the loss doesn't improve significantly any more (compared to min_relative_progress). Used only for iterative training algorithms.
        "enableGlobalExplain": True or False, # If true, enable global explanation during training.
        "feedbackType": "A String", # Feedback type that specifies which algorithm to run for matrix factorization.
        "fitIntercept": True or False, # Whether the model should include intercept during model training.
        "forecastLimitLowerBound": 3.14, # The forecast limit lower bound that was used during ARIMA model training with limits. To see more details of the algorithm: https://otexts.com/fpp2/limits.html
        "forecastLimitUpperBound": 3.14, # The forecast limit upper bound that was used during ARIMA model training with limits.
        "hiddenUnits": [ # Hidden units for dnn models.
          "A String",
        ],
        "holidayRegion": "A String", # The geographical region based on which the holidays are considered in time series modeling. If a valid value is specified, then holiday effects modeling is enabled.
        "holidayRegions": [ # A list of geographical regions that are used for time series modeling.
          "A String",
        ],
        "horizon": "A String", # The number of periods ahead that need to be forecasted.
        "hparamTuningObjectives": [ # The target evaluation metrics to optimize the hyperparameters for.
          "A String",
        ],
        "includeDrift": True or False, # Include drift when fitting an ARIMA model.
        "initialLearnRate": 3.14, # Specifies the initial learning rate for the line search learn rate strategy.
        "inputLabelColumns": [ # Name of input label columns in training data.
          "A String",
        ],
        "instanceWeightColumn": "A String", # Name of the instance weight column for training data. This column isn't be used as a feature.
        "integratedGradientsNumSteps": "A String", # Number of integral steps for the integrated gradients explain method.
        "isTestColumn": "A String", # Name of the column used to determine the rows corresponding to control and test. Applies to contribution analysis models.
        "itemColumn": "A String", # Item column specified for matrix factorization models.
        "kmeansInitializationColumn": "A String", # The column used to provide the initial centroids for kmeans algorithm when kmeans_initialization_method is CUSTOM.
        "kmeansInitializationMethod": "A String", # The method used to initialize the centroids for kmeans algorithm.
        "l1RegActivation": 3.14, # L1 regularization coefficient to activations.
        "l1Regularization": 3.14, # L1 regularization coefficient.
        "l2Regularization": 3.14, # L2 regularization coefficient.
        "labelClassWeights": { # Weights associated with each label class, for rebalancing the training data. Only applicable for classification models.
          "a_key": 3.14,
        },
        "learnRate": 3.14, # Learning rate in training. Used only for iterative training algorithms.
        "learnRateStrategy": "A String", # The strategy to determine learn rate for the current iteration.
        "lossType": "A String", # Type of loss function used during training run.
        "maxIterations": "A String", # The maximum number of iterations in training. Used only for iterative training algorithms.
        "maxParallelTrials": "A String", # Maximum number of trials to run in parallel.
        "maxTimeSeriesLength": "A String", # The maximum number of time points in a time series that can be used in modeling the trend component of the time series. Don't use this option with the `timeSeriesLengthFraction` or `minTimeSeriesLength` options.
        "maxTreeDepth": "A String", # Maximum depth of a tree for boosted tree models.
        "minAprioriSupport": 3.14, # The apriori support minimum. Applies to contribution analysis models.
        "minRelativeProgress": 3.14, # When early_stop is true, stops training when accuracy improvement is less than 'min_relative_progress'. Used only for iterative training algorithms.
        "minSplitLoss": 3.14, # Minimum split loss for boosted tree models.
        "minTimeSeriesLength": "A String", # The minimum number of time points in a time series that are used in modeling the trend component of the time series. If you use this option you must also set the `timeSeriesLengthFraction` option. This training option ensures that enough time points are available when you use `timeSeriesLengthFraction` in trend modeling. This is particularly important when forecasting multiple time series in a single query using `timeSeriesIdColumn`. If the total number of time points is less than the `minTimeSeriesLength` value, then the query uses all available time points.
        "minTreeChildWeight": "A String", # Minimum sum of instance weight needed in a child for boosted tree models.
        "modelRegistry": "A String", # The model registry.
        "modelUri": "A String", # Google Cloud Storage URI from which the model was imported. Only applicable for imported models.
        "nonSeasonalOrder": { # Arima order, can be used for both non-seasonal and seasonal parts. # A specification of the non-seasonal part of the ARIMA model: the three components (p, d, q) are the AR order, the degree of differencing, and the MA order.
          "d": "A String", # Order of the differencing part.
          "p": "A String", # Order of the autoregressive part.
          "q": "A String", # Order of the moving-average part.
        },
        "numClusters": "A String", # Number of clusters for clustering models.
        "numFactors": "A String", # Num factors specified for matrix factorization models.
        "numParallelTree": "A String", # Number of parallel trees constructed during each iteration for boosted tree models.
        "numPrincipalComponents": "A String", # Number of principal components to keep in the PCA model. Must be <= the number of features.
        "numTrials": "A String", # Number of trials to run this hyperparameter tuning job.
        "optimizationStrategy": "A String", # Optimization strategy for training linear regression models.
        "optimizer": "A String", # Optimizer used for training the neural nets.
        "pcaExplainedVarianceRatio": 3.14, # The minimum ratio of cumulative explained variance that needs to be given by the PCA model.
        "pcaSolver": "A String", # The solver for PCA.
        "sampledShapleyNumPaths": "A String", # Number of paths for the sampled Shapley explain method.
        "scaleFeatures": True or False, # If true, scale the feature values by dividing the feature standard deviation. Currently only apply to PCA.
        "standardizeFeatures": True or False, # Whether to standardize numerical features. Default to true.
        "subsample": 3.14, # Subsample fraction of the training data to grow tree to prevent overfitting for boosted tree models.
        "tfVersion": "A String", # Based on the selected TF version, the corresponding docker image is used to train external models.
        "timeSeriesDataColumn": "A String", # Column to be designated as time series data for ARIMA model.
        "timeSeriesIdColumn": "A String", # The time series id column that was used during ARIMA model training.
        "timeSeriesIdColumns": [ # The time series id columns that were used during ARIMA model training.
          "A String",
        ],
        "timeSeriesLengthFraction": 3.14, # The fraction of the interpolated length of the time series that's used to model the time series trend component. All of the time points of the time series are used to model the non-trend component. This training option accelerates modeling training without sacrificing much forecasting accuracy. You can use this option with `minTimeSeriesLength` but not with `maxTimeSeriesLength`.
        "timeSeriesTimestampColumn": "A String", # Column to be designated as time series timestamp for ARIMA model.
        "treeMethod": "A String", # Tree construction algorithm for boosted tree models.
        "trendSmoothingWindowSize": "A String", # Smoothing window size for the trend component. When a positive value is specified, a center moving average smoothing is applied on the history trend. When the smoothing window is out of the boundary at the beginning or the end of the trend, the first element or the last element is padded to fill the smoothing window before the average is applied.
        "userColumn": "A String", # User column specified for matrix factorization models.
        "vertexAiModelVersionAliases": [ # The version aliases to apply in Vertex AI model registry. Always overwrite if the version aliases exists in a existing model.
          "A String",
        ],
        "walsAlpha": 3.14, # Hyperparameter for matrix factoration when implicit feedback type is specified.
        "warmStart": True or False, # Whether to train a model from the last checkpoint.
        "xgboostVersion": "A String", # User-selected XGBoost versions for training of XGBoost models.
      },
      "trainingStartTime": "A String", # Output only. The start time of this training run, in milliseconds since epoch.
      "vertexAiModelId": "A String", # The model id in the [Vertex AI Model Registry](https://cloud.google.com/vertex-ai/docs/model-registry/introduction) for this training run.
      "vertexAiModelVersion": "A String", # Output only. The model version in the [Vertex AI Model Registry](https://cloud.google.com/vertex-ai/docs/model-registry/introduction) for this training run.
    },
  ],
  "transformColumns": [ # Output only. This field will be populated if a TRANSFORM clause was used to train a model. TRANSFORM clause (if used) takes feature_columns as input and outputs transform_columns. transform_columns then are used to train the model.
    { # Information about a single transform column.
      "name": "A String", # Output only. Name of the column.
      "transformSql": "A String", # Output only. The SQL expression used in the column transform.
      "type": { # The data type of a variable such as a function argument. Examples include: * INT64: `{"typeKind": "INT64"}` * ARRAY: { "typeKind": "ARRAY", "arrayElementType": {"typeKind": "STRING"} } * STRUCT>: { "typeKind": "STRUCT", "structType": { "fields": [ { "name": "x", "type": {"typeKind": "STRING"} }, { "name": "y", "type": { "typeKind": "ARRAY", "arrayElementType": {"typeKind": "DATE"} } } ] } } * RANGE: { "typeKind": "RANGE", "rangeElementType": {"typeKind": "DATE"} } # Output only. Data type of the column after the transform.
        "arrayElementType": # Object with schema name: StandardSqlDataType # The type of the array's elements, if type_kind = "ARRAY".
        "rangeElementType": # Object with schema name: StandardSqlDataType # The type of the range's elements, if type_kind = "RANGE".
        "structType": { # The representation of a SQL STRUCT type. # The fields of this struct, in order, if type_kind = "STRUCT".
          "fields": [ # Fields within the struct.
            { # A field or a column.
              "name": "A String", # Optional. The name of this field. Can be absent for struct fields.
              "type": # Object with schema name: StandardSqlDataType # Optional. The type of this parameter. Absent if not explicitly specified (e.g., CREATE FUNCTION statement can omit the return type; in this case the output parameter does not have this "type" field).
            },
          ],
        },
        "typeKind": "A String", # Required. The top level type of this field. Can be any GoogleSQL data type (e.g., "INT64", "DATE", "ARRAY").
      },
    },
  ],
}