This document contains a list of available Vertex AI notebook tutorials. These end-to-end tutorials help you get started using Vertex AI and can give you ideas for how to implement a specific project.
There are many environments in which you can host notebooks. You can run them in the cloud using a service like Colaboratory (Colab), Colab Enterprise, or Vertex AI Workbench. Or you can download the notebooks from GitHub and run them on your local machine or on a JupyterLab implementation in your local network.
Colab
To open a notebook tutorial in Colab, click the Colab link in the notebook list. Colab creates a VM instance with all needed dependencies, launches the Colab environment, and loads the notebook.
Colab Enterprise
To open a notebook tutorial in Colab Enterprise, do the following:
- Set up a Google Cloud project and enable the required APIs.
- Click the Colab Enterprise link in the notebook list. Colab Enterprise loads the notebook.
Vertex AI Workbench
To open a notebook tutorial in Vertex AI Workbench, do the following:
- Create a Vertex AI Workbench instance.
- Click the Vertex AI Workbench link in the notebook list.
- Select an active Vertex AI Workbench instance. If none of your instances are running, select an instance and then click Start. After the instance starts, select it again.
- Click Deploy.
- On the Confirm deployment to notebook server page, select Confirm. Vertex AI Workbench loads the notebook.
- In the Select kernel dialog, select Python 3, and then click Select.
GitHub
To download a notebook tutorial from GitHub, do the following:
- Click the GitHub link in the notebook list.
- In GitHub, click the Download raw file button.
- Complete the dialog to download the notebook.
List of notebooks
    
    
    
| Services | Description | Open in | 
|---|---|---|
| Classification for tabular data | AutoML tabular training and prediction. Learn how to train and make predictions on an AutoML model based on a tabular dataset. Learn more about Classification for tabular data. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Get predictions from an image classification model | AutoML training image classification model for batch prediction. In this tutorial, you create an AutoML image classification model from a Python script, and then do a batch prediction using the Vertex SDK. Learn more about Get predictions from an image classification model. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Get predictions from an image classification model | AutoML training image classification model for online prediction. In this tutorial, you create an AutoML image classification model and deploy for online prediction from a Python script using the Vertex SDK. Learn more about Get predictions from an image classification model. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| AutoML | AutoML training image object detection model for export to edge. In this tutorial, you create an AutoML image object detection model from a Python script using the Vertex SDK, and then export the model as an Edge model in TFLite format. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Object detection for image data | AutoML training image object detection model for online prediction. In this tutorial, you create an AutoML image object detection model and deploy for online prediction from a Python script using the Vertex AI SDK. Learn more about Object detection for image data. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Tabular Workflow for E2E AutoML | AutoML Tabular Workflow pipelines. Learn how to create two regression models using Vertex AI Pipelines downloaded from Google Cloud Pipeline Components . Learn more about Tabular Workflow for E2E AutoML. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| AutoML training | Get started with AutoML training. Learn how to use AutoMLfor training withVertex AI.
 Learn more about AutoML training.Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Hierarchical forecasting for tabular data | Vertex AI AutoML training hierarchical forecasting for batch prediction. In this tutorial, you create an AutoML hierarchical forecasting model and deploy it for batch prediction using the Vertex AI SDK for Python. Learn more about Hierarchical forecasting for tabular data. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Object detection for image data | AutoML training image object detection model for batch prediction. In this tutorial, you create an AutoML image object detection model from a Python script, and then do a batch prediction using the Vertex AI SDK for Python. Learn more about Object detection for image data. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Forecasting with AutoML | AutoML tabular forecasting model for batch prediction. Learn how to create an AutoML tabular forecasting model from a Python script, and then generate batch prediction using the Vertex AI SDK. Learn more about Forecasting with AutoML. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Regression for tabular data | AutoML training tabular regression model for batch prediction using BigQuery. Learn how to create an AutoML tabular regression model and deploy it for batch prediction using the Vertex AI SDK for Python. Learn more about Regression for tabular data. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Regression for tabular data | AutoML training tabular regression model for online prediction using BigQuery. Learn how to create an AutoML tabular regression model and deploy for online prediction from a Python script using the Vertex AI SDK. Learn more about Regression for tabular data. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| BigQuery ML | Get started with BigQuery ML Training. Learn how to use BigQuery ML for training with Vertex AI. Learn more about BigQuery ML. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Custom training Vertex AI Inference | Deploying Iris-detection model using FastAPI and Vertex AI custom container serving. Learn how to create, deploy and serve a custom classification model on Vertex AI. Learn more about Custom training. Learn more about Vertex AI Inference. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Training | Training a TensorFlow model on BigQuery data. Learn how to create a custom-trained model from a Python script in a Docker container using the Vertex AI SDK for Python, and then get a prediction from the deployed model by sending data. Learn more about Vertex AI Training. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Custom training | Custom training with custom container image and automatic model upload to Vertex AI Model Registry. In this tutorial, you train a machine learning model custom container image approach for custom training in Vertex AI. Learn more about Custom training. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Cloud Profiler | Profile model training performance using Cloud Profiler. Learn how to enable Cloud Profiler for custom training jobs. Learn more about Cloud Profiler. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Custom training | Get started with Vertex AI Training for XGBoost. Learn how to use Vertex AI Training for training a XGBoost custom model. Learn more about Custom training. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Shared resources across deployments | Get started with Endpoint and shared VM. Learn how to use deployment resource pools for deploying models. Learn more about Shared resources across deployments. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Custom training Vertex AI Batch Prediction | Custom training and batch prediction. Learn to use Vertex AI Training to create a custom trained model and use Vertex AI Batch Prediction to do a batch prediction on the trained model. Learn more about Custom training. Learn more about Vertex AI Batch Prediction. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Custom training Vertex AI Inference | Custom training and online prediction. Learn to use Vertex AI Trainingto create a custom-trained model from a Python script in a Docker container, and learn to useVertex AI Inferenceto do a prediction on the deployed model by sending data.
 Learn more about Custom training.
 Learn more about Vertex AI Inference.Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| BigQuery datasets Vertex AI for BigQuery users | Get started with BigQuery datasets. Learn how to use BigQuery as a dataset for training with Vertex AI. Learn more about BigQuery datasets. Learn more about Vertex AI for BigQuery users. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Experiments Vertex ML Metadata | Build Vertex AI Experiment lineage for custom training. Learn how to integrate preprocessing code in a Vertex AI experiments. Learn more about Vertex AI Experiments. Learn more about Vertex ML Metadata. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Experiments | Track parameters and metrics for locally trained models. Learn how to use Vertex AI Experiments to compare and evaluate model experiments. Learn more about Vertex AI Experiments. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Experiments Vertex AI Pipelines | Compare pipeline runs with Vertex AI Experiments. Learn how to use Vertex AI Experiments to log a pipeline job and then compare different pipeline jobs. Learn more about Vertex AI Experiments. Learn more about Vertex AI Pipelines. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI TensorBoard | Delete Outdated Experiments in Vertex AI TensorBoard. Learn how to delete outdated Vertex AI TensorBoard Experiments to avoid unnecessary storage costs. Learn more about Vertex AI TensorBoard. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Experiments | Custom training autologging - Local script. Learn how to autolog parameters and metrics of an ML experiment running on Vertex AI Training by leveraging the integration with Vertex AI Experiments. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Experiments Vertex ML Metadata Custom training | Get started with Vertex AI Experiments. Learn how to use Vertex AI Experiments when training with Vertex AI. Learn more about Vertex AI Experiments. Learn more about Vertex ML Metadata. Learn more about Custom training. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Experiments | Autologging. Learn how to use Vertex AI Autologging. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Classification for tabular data Vertex Explainable AI | Batch explanation for AutoML tabular binary classification model. Learn to use AutoMLto create a tabular binary classification model from a Python script, and then learn to useVertex AI Batch Predictionto make predictions with explanations.
 Learn more about Classification for tabular data.
 Learn more about Vertex Explainable AI.Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Classification for tabular data Vertex Explainable AI | AutoML training tabular classification model for online explanation. Learn how to use AutoML to create a tabular binary classification model from a Python script. Learn more about Classification for tabular data. Learn more about Vertex Explainable AI. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex Explainable AI Vertex AI Batch Prediction | Custom training image classification model for batch prediction with explainabilty. Learn to use Vertex AI Training and Vertex Explainable AIto create a custom image classification model with explanations, and then you learn to useVertex AI Batch Predictionto make a batch prediction request with explanations.
 Learn more about Vertex Explainable AI.
 Learn more about Vertex AI Batch Prediction.Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex Explainable AI Vertex AI Inference | Custom training image classification model for online prediction with explainability. Learn how to use Vertex AI training and Vertex Explainable AI to create a custom image classification model with explanations. Learn more about Vertex Explainable AI. Learn more about Vertex AI Inference. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex Explainable AI Vertex AI Batch Prediction | Custom training tabular regression model for batch prediction with explainabilty. Learn how to use Vertex AI training and Vertex Explainable AI to create a custom image classification model with explanations. Learn more about Vertex Explainable AI. Learn more about Vertex AI Batch Prediction. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex Explainable AI Vertex AI Inference | Custom training tabular regression model for online prediction with explainabilty. Learn how to use Vertex AI training and Vertex Explainable AI to create a custom tabular regression model with explanations. Learn more about Vertex Explainable AI. Learn more about Vertex AI Inference. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex Explainable AI Vertex AI Inference | Custom training tabular regression model for online prediction with explainabilty using get_metadata. Learn how to create a custom model from a Python script in a Google prebuilt Docker container using the Vertex AI SDK. Learn more about Vertex Explainable AI. Learn more about Vertex AI Inference. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex Explainable AI Vertex AI Inference | Explaining image classification with Vertex Explainable AI. Learn how to configure feature-based explanations on a pre-trained image classification model and make online and batch predictions with explanations. Learn more about Vertex Explainable AI. Learn more about Vertex AI Inference. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex Explainable AI | Explaining text classification with Vertex Explainable AI. Learn how to configure feature-based explanations using the sampled Shapley method on a TensorFlow text classification model for online predictions with explanations. Learn more about Vertex Explainable AI. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Feature Store | Online feature serving and fetching of BigQuery data with Vertex AI Feature Store. Learn how to create and use an online feature store instance to host and serve data in BigQuery with Vertex AI Feature Store in an end to end workflow of feature values serving and fetching user journey. Learn more about Vertex AI Feature Store. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Feature Store | Online feature serving and fetching of BigQuery data with Vertex AI Feature Store Optimized Serving. Learn how to create and use an online feature store instance to host and serve data in BigQuery with Vertex AI Feature Store in an end-to-end workflow of serving and fetching feature values. Learn more about Vertex AI Feature Store. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Feature Store | Online feature serving and vector retrieval of BigQuery data with Vertex AI Feature Store. Learn how to create and use an online feature store instance to host and serve data in BigQuery with Vertex AI Feature Store in an end to end workflow of features serving and vector retrieval user journey. Learn more about Vertex AI Feature Store. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Feature Store | Vertex AI Feature Store Based LLM Grounding tutorial. Learn how to create and use an online feature store instance to host and serve data in BigQuery with Vertex AI Feature Store in an end to end workflow of features serving and vector retrieval user journey. Learn more about Vertex AI Feature Store. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Feature Store | Vertex AI Feature Store Feature View Service Agents Tutorial. Learn how to use a dedicated service agent for a feature view in Vertex AI Feature Store. Learn more about Vertex AI Feature Store. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Feature Store | Streaming import SDK in Vertex AI Feature Store (Legacy). Learn how to import features from a Pandas DataFrameinto Vertex AI Feature Store  usingwrite_feature_valuesmethod from the Vertex AI SDK.
 Learn more about Vertex AI Feature Store.Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Feature Store | Using Vertex AI Feature Store (Legacy) with Pandas Dataframe. Learn how to use Vertex AI Feature Store with pandas Dataframe.
 Learn more about Vertex AI Feature Store.Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Feature Store | Online and Batch predictions using Vertex AI Feature Store (Legacy). Learn how to use Vertex AI Feature Store to import feature data, and to access the feature data for both online serving and offline tasks, such as training.
 Learn more about Vertex AI Feature Store.Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Overview of Generative AI support on Vertex AI | Vertex AI LLM Batch Inference with RLHF-tuned Models. In this tutorial, you use Vertex AI to get predictions from an RLHF-tuned large-language model. Learn more about Overview of Generative AI support on Vertex AI. Tutorial steps 
 |  Colab Enterprise  GitHub  Vertex AI Workbench | 
| generative_ai | Distill a large language model. Learn how to distill and deploy a large language model using Vertex AI LLM. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Tune text models by using RLHF tuning | Vertex AI LLM Reinforcement Learning from Human Feedback. In this tutorial, you use Vertex AI RLHF to tune and deploy a large language model model. Learn more about Tune text models by using RLHF tuning. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| text embedding | Semantic Search using Embeddings. In this tutorial, we demonstrate how to create an embedding generated from text and perform a semantic search. Learn more about text embedding. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| generative_ai | Getting Text Embeddings on Vertex AI. Learn how to get a text embedding given a text-embedding model and a text. Tutorial steps |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| generative_ai | Getting Text Embeddings on Vertex AI. Learn how to get a text embedding given a text-embedding model and a text. Tutorial steps |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Tune text models by using supervised tuning | Vertex AI Tuning a PEFT model. Learn to use Vertex AI LLM to tune and deploy a PEFT large language model. Learn more about Tune text models by using supervised tuning. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| generative_ai | Getting Tuned Text-Embeddings on Vertex AI. Learn how to tune a text-embedding model. Tutorial steps |  Colab  GitHub  Vertex AI Workbench | 
| PaLM API | Using the Vertex AI SDK with Large Language Models. Learn how to provide text input to Large Language Models available on Vertex AI to test, tune, and deploy generative AI language models. Learn more about PaLM API. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Migrate to Vertex AI Classification for image data | AutoML Image Classification. Learn to use AutoMLto train an image model and useVertex AI InferenceandVertex AI batch inferenceto do online and batch predictions.
 Learn more about Migrate to Vertex AI.
 Learn more about Classification for image data.Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Migrate to Vertex AI Object detection for image data | AutoML image object detection. Learn to use AutoMLto train an image model and useVertex AI InferenceandVertex AI Batch Predictionto do online and batch predictions.
 Learn more about Migrate to Vertex AI.
 Learn more about Object detection for image data.Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Migrate to Vertex AI Classification for tabular data | AutoML tabular binary classification. In this tutorial, you create an AutoML tabular binary classification model and deploy for online prediction from a Python script using the Vertex AI SDK. Learn more about Migrate to Vertex AI. Learn more about Classification for tabular data. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Migrate to Vertex AI Custom training | Custom image classification with a custom training container. Learn how to train a tensorflow image classification model using a custom container and Vertex AI training. Learn more about Migrate to Vertex AI. Learn more about Custom training. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Migrate to Vertex AI Custom training overview | Custom image classification with a pre-built training container. Learn how to train a tensorflow image classification model using a prebuilt container and Vertex AI training. Learn more about Migrate to Vertex AI. Learn more about Custom training overview. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Migrate to Vertex AI Custom training overview | Custom Scikit-Learn model with pre-built training container. Learn how to use Vertex AI Training to create a custom trained model. Learn more about Migrate to Vertex AI. Learn more about Custom training overview. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Migrate to Vertex AI Custom training overview | Custom XGBoost model with pre-built training container. Learn to use Vertex AI Training to create a custom trained model. Learn more about Migrate to Vertex AI. Learn more about Custom training overview. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI hyperparameter tuning Custom training | Hyperparameter Tuning. Learn to use Vertex AI hyperparameter to create and tune a custom trained model. Learn more about Vertex AI hyperparameter tuning. Learn more about Custom training. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Google Artifact Registry documentation | Get started with Google Artifact Registry. Learn how to use Google Artifact Registry. Learn more about Google Artifact Registry documentation. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex ML Metadata | Track parameters and metrics for custom training jobs. Learn how to use Vertex AI SDK for Python to: Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex ML Metadata | Track parameters and metrics for locally trained models. Learn how to use Vertex ML Metadata to track training parameters and evaluation metrics. Learn more about Vertex ML Metadata. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex ML Metadata Vertex AI Pipelines | Track artifacts and metrics across Vertex AI Pipelines runs using Vertex ML Metadata. Learn how to track artifacts and metrics with Vertex ML Metadata in Vertex AI Pipeline runs. Learn more about Vertex ML Metadata. Learn more about Vertex AI Pipelines. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Model Evaluation Classification for tabular data | Evaluating batch prediction results from an AutoML Tabular classification model. Learn how to train a Vertex AI AutoML Tabular classification model and learn how to evaluate it through a Vertex AI pipeline job using google_cloud_pipeline_components:
 Learn more about Vertex AI Model Evaluation.
 Learn more about Classification for tabular data.Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Model Evaluation Regression for tabular data | Evaluating batch prediction results from AutoML tabular regression model. Learn how to evaluate a Vertex AI model resource through a Vertex AI pipeline job using google_cloud_pipeline_components:
 Learn more about Vertex AI Model Evaluation.
 Learn more about Regression for tabular data.Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI custom training Vertex AI model evaluation | Evaluating BatchPrediction results from a custom tabular classification model. In this tutorial, you train a scikit-learn RandomForest model, save the model in Vertex AI Model Registry and learn how to evaluate the model through a Vertex AI pipeline job using Google Cloud Pipeline Components Python SDK. Learn more about Vertex AI custom training. Learn more about Vertex AI model evaluation. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Model Evaluation Custom training | Evaluating batch prediction results from custom tabular regression model. Learn how to evaluate a Vertex AI model resource through a Vertex AI pipeline job using google cloud pipeline components. Learn more about Vertex AI Model Evaluation. Learn more about Custom training. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI AutoSxS Model Evaluation | Check autorater alignment against a human-preference dataset. Learn how to use Vertex AI Pipelinesandgoogle_cloud_pipeline_componentsto check autorater alignment using human-preference data:
 Learn more about Vertex AI AutoSxS Model Evaluation.Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI AutoSxS Model Evaluation | Evaluate a LLM in Vertex AI Model Registry against a third-party model. Learn how to use Vertex AI Pipelinesandgoogle_cloud_pipeline_componentsto evaluate the performance between two LLM models:
 Learn more about Vertex AI AutoSxS Model Evaluation.Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Model Monitoring for batch predictions | Vertex AI Batch Prediction with Model Monitoring. Learn to use the Vertex AI model monitoring service to detect drift and anomalies in batch prediction. Learn more about Vertex AI Model Monitoring for batch predictions. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Model Monitoring | Vertex AI Model Monitoring for AutoML tabular models. Learn to use the Vertex AI Model Monitoring service to detect feature skew and drift in the input predict requests, for AutoML tabular models. Learn more about Vertex AI Model Monitoring. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Model Monitoring | Vertex AI Model Monitoring for online prediction in AutoML image models. Learn how to use Vertex AI Model MonitoringwithVertex AI Online Predictionwith an AutoML image classification model to detect an out of distribution image.
 Learn more about Vertex AI Model Monitoring.Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Model Monitoring | Vertex AI Model Monitoring for custom tabular models. Learn to use the Vertex AI Model Monitoring service to detect feature skewness and drift in the input predict requests, for custom tabular models. Learn more about Vertex AI Model Monitoring. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Model Monitoring | Vertex AI Model Monitoring for custom tabular models with TensorFlow Serving container. Learn to use the Vertex AI Model Monitoring service to detect feature skew and drift in the input predict requests, for custom tabular models, using a custom deployment container. Learn more about Vertex AI Model Monitoring. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Model Monitoring | Vertex AI Model Monitoring for setup for tabular models. Learn to setup the Vertex AI Model Monitoring service to detect feature skew and drift in the input predict requests. Learn more about Vertex AI Model Monitoring. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Model Monitoring | Vertex AI Model Monitoring for XGBoost models. Learn to use the Vertex AI Model Monitoring service to detect feature skew and drift in the input predict requests for XGBoost models. Learn more about Vertex AI Model Monitoring. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Model Monitoring | Vertex AI Model Monitoring with Vertex Explainable AI Feature Attributions. Learn to use the Vertex AI Model Monitoring service to detect drift and anomalies in prediction requests from a deployed Vertex AI model resource. Learn more about Vertex AI Model Monitoring. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| model_monitoring_v2 | Model Monitoring for Vertex AI Custom Model Batch Prediction Job. In this tutorial, you'll complete the following steps: Tutorial steps |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| model_monitoring_v2 | Model Monitoring for Vertex AI Custom Model Online Prediction. In this tutorial, you'll complete the following steps: Tutorial steps |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Model Registry | Get started with Vertex AI Model Registry. Learn how to use Vertex AI Model Registry to create and register multiple versions of a model. Learn more about Vertex AI Model Registry. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Pipelines AutoML components Classification for tabular data | AutoML Tabular pipelines using google-cloud-pipeline-components. Learn to use Vertex AI Pipelines and Google Cloud Pipeline Components to build an AutoML tabular classification model. Learn more about Vertex AI Pipelines. Learn more about AutoML components. Learn more about Classification for tabular data. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Pipelines | Challenger vs Blessed methodology for model deployment into production. Learn how to construct a Vertex AI pipeline, which trains a new challenger version of a model, evaluates the model and compares the evaluation to the existing blessed model in production. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Pipelines | Pipeline control structures using the KFP SDK. Learn how to use the KFP SDK, which uses loops and conditionals including nested examples, to build pipelines. Learn more about Vertex AI Pipelines. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Pipelines Custom training components | Custom training with pre-built Google Cloud Pipeline Components. Learn to use Vertex AI Pipelines and Google Cloud Pipeline Components to build a custom model. Learn more about Vertex AI Pipelines. Learn more about Custom training components. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Pipelines Vertex AI Batch Prediction components | Training and batch prediction with BigQuery source and destination for a custom tabular classification model. In this tutorial, you train a scikit-learn tabular classification model and create a batch prediction job for it through a Vertex AI pipeline using google_cloud_pipeline_components. Learn more about Vertex AI Pipelines. Learn more about Vertex AI Batch Prediction components. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Pipelines Vertex AI hyperparameter tuning | Get started with Vertex AI hyperparameter tuning pipeline components. Learn how to use prebuilt Google Cloud Pipeline Components for Vertex AI hyperparameter tuning. Learn more about Vertex AI Pipelines. Learn more about Vertex AI hyperparameter tuning. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Pipelines | Get started with machine management for Vertex AI Pipelines. Learn how to convert a self-contained custom training component into a Vertex AI CustomJob, whereby:Tutorial steps 
 |  Colab  GitHub  Vertex AI Workbench | 
| Vertex AI Pipelines AutoML components | AutoML image classification pipelines using google-cloud-pipeline-components. Learn how to use Vertex AI Pipelines and Google Cloud pipeline components to build an AutoML image classification model. Learn more about Vertex AI Pipelines. Learn more about AutoML components. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Pipelines AutoML components Regression for tabular data | AutoML tabular regression pipelines using google-cloud-pipeline-components. Learn to use Vertex AI PipelinesandGoogle Cloud Pipeline Componentsto build anAutoMLtabular regression model.
 Learn more about Vertex AI Pipelines.
 Learn more about AutoML components.
 Learn more about Regression for tabular data.Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Pipelines BigQuery ML components | Training an acquisition-prediction model using Swivel, BigQuery ML and Vertex AI Pipelines. Learn how to build a simple BigQuery ML pipeline using Vertex AI pipelines in order to calculate text embeddings of content from articles and classify them into the *corporate acquisitions* category. Learn more about Vertex AI Pipelines. Learn more about BigQuery ML components. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Pipelines Custom training components | Model train, upload, and deploy using Google Cloud Pipeline Components. Learn how to use Vertex AI Pipelines and Google Cloud pipeline component to build and deploy a custom model. Learn more about Vertex AI Pipelines. Learn more about Custom training components. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Pipelines | Vertex AI Pipelines with KFP 2.x. Learn to use Vertex AI Pipelinesand KFP 2.Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Pipelines | Lightweight Python function-based components, and component I/O. Learn to use the KFP SDK to build lightweight Python function-based components, and then you learn to use Vertex AI Pipelines to execute the pipeline. Learn more about Vertex AI Pipelines. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Pipelines | Metrics visualization and run comparison using the KFP SDK. Learn how to use the KFP SDK for Python to build pipelines that generate evaluation metrics. Learn more about Vertex AI Pipelines. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Pipelines | Multicontender vs Champion methodology for model deployment into production. Learn how to construct a Vertex AI pipeline, which evaluates new production data from a deployed model against other versions of the model, to determine if a contender model becomes the champion model for replacement in production. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Pipelines | Pipelines introduction for KFP. Learn how to use the KFP SDK for Python to build pipelines that generate evaluation metrics. Learn more about Vertex AI Pipelines. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| AutoML components BigQuery ML components | BigQuery ML and AutoML - Rapid Prototyping with Vertex AI. Learn how to use Vertex AI Pipelines for rapid prototyping a model. Learn more about AutoML components. Learn more about BigQuery ML components. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Batch Inference | Custom model batch inference with feature filtering. Learn how to create a custom-trained model from a Python script in a Docker container using the Vertex AI SDK for Python, and then run a batch inference job by including or excluding a list of features. Learn more about Vertex AI Batch Inference. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Inference | Get started with NVIDIA Triton server. Learn how to deploy a container running Nvidia Triton Server with a Vertex AI model resource to a Vertex AI endpoint for making online predictions. Learn more about Vertex AI Inference. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Raw Predict | Get started with TensorFlow serving functions with Vertex AI Raw Prediction. Learn how to use Vertex AI Raw Predictionon aVertex AI Endpointresource.
 Learn more about Raw Predict.Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| getting predictions from a custom trained model | Get started with TensorFlow Serving with Vertex AI Inference. Learn how to use Vertex AI Inferenceon aVertex AI Endpointresource withTensorFlow Servingserving binary.
 Learn more about getting predictions from a custom trained model.Tutorial steps |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Private Endpoints | Get started with Vertex AI Private Endpoints. Learn how to use Vertex AI Private Endpointresources.
 Learn more about Private Endpoints.Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Language Models | Vertex AI LLM and streaming prediction. Learn how to use Vertex AI LLM to download pretrained LLM model, make predictions and finetuning the model. Learn more about Vertex AI Language Models. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Pre-built containers for prediction | Serving PyTorch image models with prebuilt containers on Vertex AI. Learn how to package and deploy a PyTorch image classification model using a prebuilt Vertex AI container with TorchServe for serving online and batch predictions. Learn more about Pre-built containers for prediction. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Inference | Train and deploy PyTorch models with prebuilt containers on Vertex AI. Learn how to build, train and deploy a PyTorch image classification model using prebuilt containers for custom training and prediction. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Ray on Vertex AI overview | Get started with PyTorch on Ray on Vertex AI. Learn how to efficiently distribute the training process of a PyTorch image classification model by leveraging Ray on Vertex AI. Learn more about Ray on Vertex AI overview. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Ray on Vertex AI overview | Ray on Vertex AI cluster management. Learn how to create a cluster, list existing clusters, get a cluster, update a cluster, and delete a cluster. Learn more about Ray on Vertex AI overview. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Ray on Vertex AI Spark on Ray on Vertex AI | Spark on Ray on Vertex AI. Learn how to use RayDP to run Spark applications on a Ray cluster on Vertex AI. Learn more about Ray on Vertex AI. Learn more about Spark on Ray on Vertex AI. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Training Vertex AI Reduction Server | PyTorch distributed training with Vertex AI Reduction Server. Learn how to create a PyTorch distributed training job that uses PyTorch distributed training framework and tools, and run the training job on the Vertex AI Training service with Reduction Server. Learn more about Vertex AI Training. Learn more about Vertex AI Reduction Server. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Custom training | Custom training using Python package, managed text dataset, and TF Serving container. Learn how to create a custom model using Custom Python Package Training and you learn how to serve the model using TensorFlow-Serving Container for online prediction. Learn more about Custom training. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Tabular Workflow for TabNet | Vertex AI Explanations with TabNet models. Learn how to provide a sample plotting tool to visualize the output of TabNet, which is helpful in explaining the algorithm. Learn more about Tabular Workflow for TabNet. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| BigQuery ML ARIMA+ forecasting for tabular data | Train a BigQuery ML ARIMA_PLUS Model using Vertex AI tabular workflows. Learn how to create the BigQuery ML ARIMA_PLUS model using a training Vertex AI Pipeline from Google Cloud Pipeline Components , and then do a batch prediction using the corresponding prediction pipeline. Learn more about BigQuery ML ARIMA+ forecasting for tabular data. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Google Cloud Pipeline Components Prophet for tabular data | Train a Prophet Model using Vertex AI Tabular Workflows. Learn how to create several Prophet models using a training Vertex AI Pipeline from Google Cloud Pipeline Components , and then do a batch prediction using the corresponding prediction pipeline. Learn more about Google Cloud Pipeline Components. Learn more about Prophet for tabular data. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Tabular Workflow for TabNet | TabNet Pipeline. Learn how to create classification models on tabular data using two of the Vertex AI TabNet Tabular Workflows. Learn more about Tabular Workflow for TabNet. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Tabular Workflow for Wide & Deep | Wide & Deep Pipeline. Learn how to create two classification models using Vertex AI Wide & Deep Tabular Workflows. Learn more about Tabular Workflow for Wide & Deep. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI TensorBoard Custom training | Vertex AI TensorBoard custom training with custom container. Learn how to create a custom training job using custom containers, and monitor your training process on Vertex AI TensorBoard in near real time. Learn more about Vertex AI TensorBoard. Learn more about Custom training. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI TensorBoard Custom training | Vertex AI TensorBoard custom training with prebuilt container. Learn how to create a custom training job using prebuilt containers, and monitor your training process on Vertex AI TensorBoard in near real time. Learn more about Vertex AI TensorBoard. Learn more about Custom training. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI TensorBoard | Vertex AI TensorBoard hyperparameter tuning with the HParams Dashboard. In this notebook, you train a model and perform hyperparameter tuning using tensorflow. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Profiler Vertex AI TensorBoard | Profile model training performance using Cloud Profiler. Learn how to enable Profiler for custom training jobs. Learn more about Profiler. Learn more about Vertex AI TensorBoard. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Profiler Vertex AI TensorBoard | Profile model training performance using Cloud Profiler in custom training with prebuilt container. Learn how to enable Profiler in Vertex AI for custom training jobs with a prebuilt container. Learn more about Profiler. Learn more about Vertex AI TensorBoard. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI TensorBoard Vertex AI Pipelines | Vertex AI TensorBoard integration with Vertex AI Pipelines. Learn how to create a training pipeline using the KFP SDK, execute the pipeline in Vertex AI Pipelines, and monitor the training process on Vertex AI TensorBoard in near real time. Learn more about Vertex AI TensorBoard. Learn more about Vertex AI Pipelines. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Hyperparameter Tuning | Distributed Vertex AI Hyperparameter Tuning. In this notebook, you create a custom trained model from a Python script in a Docker container. Learn more about Vertex AI Hyperparameter Tuning. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Training | Get started with Vertex AI Training for LightGBM. Learn how to train a LightGBM custom model using the custom container method for Vertex AI Training. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI distributed training | Get started with Vertex AI distributed training. Learn how to use Vertex AI distributed training when training with Vertex AI.
 Learn more about Vertex AI distributed training.Tutorial steps |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Hyperparameter Tuning | Run hyperparameter tuning for a TensorFlow model. Learn how to run a Vertex AI hyperparameter tuning job for a TensorFlow model. Learn more about Vertex AI Hyperparameter Tuning. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI hyperparameter tuning | Vertex AI Hyperparameter Tuning for XGBoost. Learn how to use the Vertex AI hyperparameter tuning service for training an XGBoost model. Learn more about Vertex AI hyperparameter tuning. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Training | PyTorch image classification multi-node distributed data parallel training on cpu using Vertex AI training with custom container. Learn how to create a distributed PyTorch training job using Vertex AI SDK for Python and custom containers. Learn more about Vertex AI Training. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Training | PyTorch image classification using multi-node NCCL distributed data parallel training on CPU and Vertex AI. Learn how to create a distributed PyTorch training job using Vertex AI SDK for Python and custom containers. Learn more about Vertex AI Training. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Custom training | Training, tuning and deploying a PyTorch text sentiment classification model on Vertex AI. Learn to build, train, tune and deploy a PyTorch model on Vertex AI. Learn more about Custom training. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| PyTorch integration in Vertex AI | Train PyTorch model on Vertex AI with data from Cloud Storage. Learn how to create a training job using PyTorch and a dataset stored on Cloud Storage. Learn more about PyTorch integration in Vertex AI. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Distributed training | Using PyTorch torchrun to simplify multi-node training with custom containers. Learn how to train an Imagenet model using PyTorch's Torchrun on multiple nodes. Learn more about Distributed training. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Custom training | Distributed XGBoost training with Dask. Learn how to create a distributed training job using XGBoost with Dask. Learn more about Custom training. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| vector_search | Using Vertex AI Multimodal Embeddings and Vector Search. Learn how to encode custom text embeddings, create an Approximate Nearest Neighbor index, and query against indexes. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Vector Search | Using Vertex AI Vector Search for StackOverflow Questions. Learn how to encode custom text embeddings, create an Approximate Nearest Neighbor index, and query against indexes. Learn more about Vertex AI Vector Search. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Vector Search Vertex AI embeddings for text | Using Vertex AI Vector Search and Vertex AI embeddings for text for StackOverflow Questions. Learn how to encode text embeddings, create an Approximate Nearest Neighbor index, and query against indexes. Learn more about Vertex AI Vector Search. Learn more about Vertex AI embeddings for text. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Vector Search | Create Vertex AI Vector Search index. Learn how to create Approximate Nearest Neighbor Index, query against indexes, and validate the performance of the index. Learn more about Vertex AI Vector Search. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Vizier | Optimizing multiple objectives with Vertex AI Vizier. Learn how to use Vertex AI Vizier to optimize a multi-objective study. Learn more about Vertex AI Vizier. Tutorial steps |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Vizier | Get started with Vertex AI Vizier. Learn how to use Vertex AI Vizier when training with Vertex AI. Learn more about Vertex AI Vizier. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Workbench Vertex AI Training | Train a multi-class classification model for ads-targeting. Learn how to collect data from BigQuery, preprocess it, and train a multi-class classification model on an e-commerce dataset. Learn more about Vertex AI Workbench. Learn more about Vertex AI Training. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Workbench Vertex Explainable AI | Taxi fare prediction using the Chicago Taxi Trips dataset. The goal of this notebook is to provide an overview on Vertex AI features like Vertex Explainable AI and BigQuery in Notebooks by trying to solve a taxi fare prediction problem. Learn more about Vertex AI Workbench. Learn more about Vertex Explainable AI. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Workbench BigQuery ML | Forecasting retail demand with Vertex AI and BigQuery ML. Learn how to build ARIMA (Autoregressive integrated moving average) model from BigQuery ML on retail data Learn more about Vertex AI Workbench. Learn more about BigQuery ML. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Workbench BigQuery ML | Interactive exploratory analysis of BigQuery data in a notebook. Learn about various ways to explore and gain insights from BigQuery data in a Jupyter notebook environment. Learn more about Vertex AI Workbench. Learn more about BigQuery ML. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Workbench Custom training | Build a fraud detection model on Vertex AI. This tutorial demonstrates data analysis and model-building using a synthetic financial dataset. Learn more about Vertex AI Workbench. Learn more about Custom training. Tutorial steps 
 |  Colab  GitHub  Vertex AI Workbench | 
| Vertex AI Workbench BigQuery ML | Churn prediction for game developers using Google Analytics 4 and BigQuery ML. Learn how to train, evaluate a propensity model in BigQuery ML. Learn more about Vertex AI Workbench. Learn more about BigQuery ML. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Workbench Vertex AI training | Predictive maintenance using Vertex AI. Learn how to use the executor feature of Vertex AI Workbench to automate a workflow to train and deploy a model. Learn more about Vertex AI Workbench. Learn more about Vertex AI training. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Workbench BigQuery ML | Analysis of pricing optimization on CDM Pricing Data. The objective of this notebook is to build a pricing optimization model using BigQuery ML. Learn more about Vertex AI Workbench. Learn more about BigQuery ML. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Workbench Dataproc Serverless for Spark | Digest and analyze data from BigQuery with Dataproc. This notebook tutorial runs an Apache Spark job that fetches data from the BigQuery "GitHub Activity Data" dataset, queries the data, and then writes the results back to BigQuery. Learn more about Vertex AI Workbench. Learn more about Dataproc Serverless for Spark. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench | 
| Vertex AI Workbench Dataproc | SparkML with Dataproc and BigQuery. This tutorial runs an Apache SparkML job that fetches data from the BigQuery dataset, performs exploratory data analysis, cleans the data, executes feature engineering, trains the model, evaluates the model, outputs results, and saves the model to a Cloud Storage bucket. Learn more about Vertex AI Workbench. Learn more about Dataproc. Tutorial steps 
 |  Colab  Colab Enterprise  GitHub  Vertex AI Workbench |