├── .cloud-build ├── CheckPythonVersion.py ├── cleanup │ ├── cleanup-cloudbuild.yaml │ ├── cleanup-requirements.txt │ ├── cleanup.py │ └── resource_cleanup_manager.py ├── execute_changed_notebooks_cli.py ├── execute_changed_notebooks_helper.py ├── execute_notebook_cli.py ├── execute_notebook_helper.py ├── execute_notebook_remote.py ├── notebook-execution-test-cloudbuild-single.yaml ├── notebook-execution-test-cloudbuild.yaml ├── requirements.txt ├── run_first.csv ├── test_folders.txt ├── test_notebook_vm.txt ├── test_single_notebook_vm.txt ├── tests │ ├── flaky.py │ ├── python_version_test.ipynb │ └── select_notebooks_test.py ├── utils │ ├── NotebookProcessors.py │ ├── UpdateNotebookVariables.py │ ├── __init__.py │ ├── build_results_viewer.py │ ├── investigate.csv │ ├── tests │ │ ├── test_preprocessors.py │ │ └── test_update_notebook_variables.py │ └── util.py └── web-index │ ├── do_not_index.txt │ └── notebook-index-cloudbuild.yaml ├── .github ├── ISSUE_TEMPLATE.md ├── PULL_REQUEST_TEMPLATE.md ├── dependabot.yml ├── snippet-bot.yml └── workflows │ ├── ci.yaml │ └── linter │ ├── Dockerfile │ ├── requirements.txt │ └── run_linter.sh ├── .gitignore ├── CODEOWNERS ├── CODE_OF_CONDUCT.md ├── CONTRIBUTING.md ├── LICENSE ├── README.md ├── SECURITY.md ├── community-content ├── CODEOWNERS ├── README.md ├── Train_tabular_models_with_many_frameworks_and_import_to_Vertex_AI_using_Pipelines │ ├── Train_tabular_classification_logistic_regression_model_using_Scikit_learn_and_import_to_Vertex_AI │ │ ├── pipeline.component.yaml │ │ └── pipeline.py │ ├── Train_tabular_classification_model_using_PyTorch_and_import_to_Vertex_AI │ │ ├── pipeline.component.yaml │ │ └── pipeline.py │ ├── Train_tabular_classification_model_using_TensorFlow_and_import_to_Vertex_AI │ │ ├── pipeline.component.yaml │ │ └── pipeline.py │ ├── Train_tabular_classification_model_using_XGBoost_and_import_to_Vertex_AI │ │ ├── pipeline.component.yaml │ │ └── pipeline.py │ ├── Train_tabular_classification_model_using_all_frameworks_and_import_to_Vertex_AI │ │ ├── pipeline.component.yaml │ │ └── pipeline.py │ ├── Train_tabular_regression_linear_model_using_Scikit_learn_and_import_to_Vertex_AI │ │ ├── pipeline.component.yaml │ │ └── pipeline.py │ ├── Train_tabular_regression_model_using_PyTorch_and_import_to_Vertex_AI │ │ ├── pipeline.component.yaml │ │ └── pipeline.py │ ├── Train_tabular_regression_model_using_TensorFlow_and_import_to_Vertex_AI │ │ ├── pipeline.component.yaml │ │ └── pipeline.py │ ├── Train_tabular_regression_model_using_XGBoost_and_import_to_Vertex_AI │ │ ├── pipeline.component.yaml │ │ └── pipeline.py │ └── Train_tabular_regression_model_using_all_frameworks_and_import_to_Vertex_AI │ │ ├── pipeline.component.yaml │ │ └── pipeline.py ├── alphafold_on_workbench │ ├── AlphaFold.ipynb │ ├── Dockerfile │ ├── build_docker.sh │ └── vertexai_40.png ├── cpr-examples │ └── timm_serving │ │ ├── .dockerignore │ │ ├── .gitignore │ │ ├── README.md │ │ ├── build.py │ │ ├── config.py │ │ ├── requirements.txt │ │ ├── sample_request.json │ │ ├── test.py │ │ ├── testdata │ │ ├── airplane.jpg │ │ ├── bad.jpg │ │ ├── bad.txt │ │ ├── bad_model_1 │ │ │ └── state_dict.pth │ │ ├── bad_model_2 │ │ │ └── state_dict.pth │ │ ├── cat_alpha.png │ │ └── mandrill.tiff │ │ └── timm_serving │ │ ├── __init__.py │ │ ├── imagenet.txt │ │ └── predictor.py ├── pipeline_components │ ├── ML_frameworks │ │ └── Scikit_learn │ │ │ ├── Train_linear_regression_model │ │ │ └── from_CSV │ │ │ │ └── component.yaml │ │ │ └── Train_logistic_regression_model │ │ │ └── from_CSV │ │ │ └── component.yaml │ ├── PyTorch │ │ ├── Create_PyTorch_Model_Archive │ │ │ └── with_base_handler │ │ │ │ └── component.yaml │ │ ├── Create_fully_connected_network │ │ │ └── component.yaml │ │ └── Train_PyTorch_model │ │ │ └── from_CSV │ │ │ └── component.yaml │ ├── XGBoost │ │ ├── Predict │ │ │ └── component.yaml │ │ └── Train │ │ │ └── component.yaml │ ├── dataset_manipulation │ │ └── Split_rows_into_subsets │ │ │ └── in_CSV │ │ │ └── component.yaml │ ├── google-cloud │ │ ├── Vertex_AI │ │ │ └── Models │ │ │ │ ├── Deploy_to_endpoint │ │ │ │ └── component.yaml │ │ │ │ ├── Upload_PyTorch_model_archive │ │ │ │ └── component.yaml │ │ │ │ ├── Upload_Scikit-learn_pickle_model │ │ │ │ └── component.yaml │ │ │ │ ├── Upload_Tensorflow_model │ │ │ │ └── component.yaml │ │ │ │ └── Upload_XGBoost_model │ │ │ │ └── component.yaml │ │ └── storage │ │ │ └── download │ │ │ └── component.yaml │ ├── image_ml_model_training │ │ ├── load_image_classification_model │ │ │ └── component.yaml │ │ ├── pipeline.py │ │ ├── preprocess_image_data │ │ │ └── component.yaml │ │ ├── train_image_classification_model │ │ │ └── component.yaml │ │ ├── transcode_tfrecord_image_dataset_from_csv │ │ │ └── component.yaml │ │ └── transcode_tfrecord_image_dataset_from_jsonl │ │ │ └── component.yaml │ ├── pandas │ │ ├── Binarize_column │ │ │ └── in_CSV_format │ │ │ │ └── component.yaml │ │ ├── Fill_all_missing_values │ │ │ └── in_CSV_format │ │ │ │ └── component.yaml │ │ └── Select_columns │ │ │ └── in_CSV_format │ │ │ └── component.yaml │ └── tensorflow │ │ ├── Create_fully_connected_network │ │ └── component.yaml │ │ ├── Predict │ │ └── on_CSV │ │ │ └── component.yaml │ │ └── Train_model_using_Keras │ │ └── on_CSV │ │ └── component.yaml ├── pluto_on_workbench │ └── README.md ├── prediction_featurestore_integration │ └── prediction_featurestore_integration.ipynb ├── pytorch_efficient_training │ ├── README.md │ ├── requirements.txt │ ├── resnet.py │ ├── resnet_ddp.py │ ├── resnet_ddp_wds.py │ ├── resnet_dp.py │ ├── resnet_fsdp.py │ ├── resnet_fsdp_wds.py │ └── shard_imagenet.py ├── pytorch_image_classification_distributed_data_parallel_training_with_vertex_sdk │ ├── requirements.txt │ └── trainer │ │ ├── Dockerfile │ │ ├── __init__.py │ │ ├── requirements.txt │ │ └── task.py ├── pytorch_image_classification_single_gpu_with_vertex_sdk_and_torchserve │ ├── convert_b64.py │ ├── model_server │ │ ├── Dockerfile │ │ ├── __init__.py │ │ ├── config.properties │ │ ├── handler.py │ │ ├── index_to_name.json │ │ └── model.py │ ├── requirements.txt │ ├── trainer │ │ ├── Dockerfile │ │ ├── __init__.py │ │ ├── requirements.txt │ │ └── task.py │ ├── vertex_prediction_with_custom_torchserve_container.ipynb │ └── vertex_training_with_custom_container.ipynb ├── pytorch_pre_built_images_deployment │ ├── README.md │ ├── predictor │ │ ├── custom_handler.py │ │ └── index_to_name.json │ └── pytorch-text-classification-vertex-ai-deploy.ipynb ├── pytorch_text_classification_using_vertex_sdk_and_gcloud │ ├── README.md │ ├── custom_container │ │ ├── Dockerfile │ │ ├── README.md │ │ ├── scripts │ │ │ └── train-cloud.sh │ │ └── trainer │ ├── images │ │ ├── artifact-lineage.png │ │ ├── bert-model-fine-tuning.png │ │ ├── concepts-of-a-pipeline.png │ │ ├── custom-training-on-vertex-ai.png │ │ ├── hp-tuning-with-custom-containers-on-vertex-training.png │ │ ├── pipeline-artifact-and-lineage.png │ │ ├── pipeline-schematic-pytorch-text-classification.png │ │ ├── pipeline-step-logs.png │ │ ├── pipelines-high-level-flow.png │ │ ├── pytorch-pipeline-runtime-graph.png │ │ ├── serve-pytorch-model-on-vertex-predictions-with-custom-containers.png │ │ ├── training-with-custom-containers-on-vertex-training.png │ │ ├── training-with-prebuilt-containers-on-vertex-training.png │ │ ├── vertex-training-monitor-custom-job-container.png │ │ ├── vertex-training-monitor-custom-job.png │ │ └── vertex-training-monitor-hptuning-job-container.png │ ├── predictor │ │ ├── Dockerfile │ │ ├── Dockerfile.serve │ │ ├── custom_handler.py │ │ └── index_to_name.json │ ├── python_package │ │ ├── README.md │ │ ├── scripts │ │ │ └── train-cloud.sh │ │ ├── setup.py │ │ └── trainer │ │ │ ├── __init__.py │ │ │ ├── experiment.py │ │ │ ├── metadata.py │ │ │ ├── model.py │ │ │ ├── task.py │ │ │ └── utils.py │ ├── pytorch-text-classification-vertex-ai-pipelines.ipynb │ └── pytorch-text-classification-vertex-ai-train-tune-deploy.ipynb ├── sklearn_text_classification_from_script_using_vertex_sdk │ ├── README.md │ ├── create_job.ipynb │ ├── requirements.txt │ └── task.py ├── tf_agents_bandits_movie_recommendation_with_kfp_and_vertex_sdk │ ├── README.md │ ├── mlops_pipeline_tf_agents_bandits_movie_recommendation │ │ ├── README.md │ │ ├── mlops-pipeline-design.png │ │ ├── mlops_pipeline_tf_agents_bandits_movie_recommendation.ipynb │ │ └── src │ │ │ ├── generator │ │ │ ├── component.yaml │ │ │ ├── generator_component.py │ │ │ └── test_generator_component.py │ │ │ ├── ingester │ │ │ ├── component.yaml │ │ │ ├── ingester_component.py │ │ │ └── test_ingester_component.py │ │ │ ├── logger │ │ │ ├── main.py │ │ │ ├── requirements.txt │ │ │ └── test_main.py │ │ │ ├── prediction_container │ │ │ ├── Dockerfile │ │ │ ├── main.py │ │ │ ├── prestart.sh │ │ │ ├── requirements.txt │ │ │ └── test_main.py │ │ │ ├── simulator │ │ │ ├── main.py │ │ │ ├── requirements.txt │ │ │ └── test_main.py │ │ │ └── trainer │ │ │ ├── component.yaml │ │ │ ├── test_trainer_component.py │ │ │ └── trainer_component.py │ └── step_by_step_sdk_tf_agents_bandits_movie_recommendation │ │ ├── README.md │ │ ├── rl-training.png │ │ ├── src │ │ ├── prediction │ │ │ ├── main.py │ │ │ └── prestart.sh │ │ ├── tests │ │ │ ├── test_policy_util.py │ │ │ └── test_task.py │ │ └── training │ │ │ ├── policy_util.py │ │ │ └── task.py │ │ └── step_by_step_sdk_tf_agents_bandits_movie_recommendation.ipynb ├── tf_keras_image_classification_distributed_multi_worker_with_vertex_sdk │ ├── multi_worker_vertex_training_on_cpu_with_custom_container.ipynb │ ├── multi_worker_vertex_training_on_gpu_with_custom_container.ipynb │ ├── requirements.txt │ └── trainer │ │ ├── __init__.py │ │ ├── cpu.Dockerfile │ │ ├── distribution_utils.py │ │ ├── gpu.Dockerfile │ │ ├── requirements.txt │ │ └── task.py ├── tf_keras_text_classification_distributed_single_worker_gpus_with_gcloud_local_run_and_vertex_sdk │ ├── requirements.txt │ ├── trainer │ │ ├── __init__.py │ │ ├── distribution_utils.py │ │ ├── requirements.txt │ │ └── task.py │ └── vertex_training_with_local_mode_container.ipynb ├── vertex-distributed-training │ └── a3mega │ │ └── llama-3-8b-nemo-pretraining │ │ ├── README.md │ │ ├── configs │ │ └── llama3_1_8b_pretrain_a3mega.yaml │ │ ├── docker │ │ ├── cloudbuild.yml │ │ ├── patches │ │ │ └── 24.09 │ │ │ │ ├── gpu_stats.patch │ │ │ │ ├── local_rank.patch │ │ │ │ ├── nemo2hf.patch │ │ │ │ ├── sigabort.patch │ │ │ │ └── throughput_calc.patch │ │ ├── requirements.txt │ │ ├── uninstall.txt │ │ └── vertex-dist-recipes.Dockerfile │ │ ├── job_config.json │ │ ├── requirements.txt │ │ └── scripts │ │ ├── launch.py │ │ ├── run.py │ │ └── util │ │ ├── __init__.py │ │ ├── cluster_spec.py │ │ └── cluster_spec_test.py ├── vertex_cpr_samples │ ├── README.md │ ├── sklearn │ │ ├── predictor_Classifier.py │ │ ├── predictor_LinearRegression.py │ │ └── predictor_SGDClassifier.py │ ├── torch │ │ ├── predictor_resnet.py │ │ └── predictor_transformers.py │ └── xgboost │ │ ├── predictor_Classifier.py │ │ └── predictor_xgbranker.py ├── vertex_model_garden │ ├── .pylintrc │ ├── benchmarking_reports │ │ ├── images │ │ │ ├── openllama_7b_fine_tune_benchmark_report │ │ │ │ ├── openllama-7b-peak-gpu-vs-batch-size.png │ │ │ │ ├── openllama-7b-peak-gpu-vs-lora-rank.png │ │ │ │ ├── openllama-7b-peak-gpu-vs-max-seq-length.png │ │ │ │ ├── openllama-7b-tune-cost-lora-qlora.png │ │ │ │ ├── openllama-7b-tune-speed-lora-qlora.png │ │ │ │ └── openllama-7b-tune-speed-vs-lora-rank.png │ │ │ ├── stable_diffusion_v1-5_benchmarking_report │ │ │ │ ├── sd_v1-5_batch_size_by_resolution.png │ │ │ │ ├── sd_v1-5_cost_batch_size.png │ │ │ │ ├── sd_v1-5_cost_training_method_batch_size.png │ │ │ │ ├── sd_v1-5_dog1.png │ │ │ │ ├── sd_v1-5_dog2.png │ │ │ │ ├── sd_v1-5_dog3.png │ │ │ │ ├── sd_v1-5_dog4.png │ │ │ │ ├── sd_v1-5_finetuning_quality_prompt_fidelity.png │ │ │ │ ├── sd_v1-5_finetuning_quality_subject_fidelity.png │ │ │ │ ├── sd_v1-5_inference_speed_gpu.png │ │ │ │ ├── sd_v1-5_peak_gpu_algorithm.png │ │ │ │ ├── sd_v1-5_peak_gpu_batch_size.png │ │ │ │ ├── sd_v1-5_peak_gpu_lora_rank.png │ │ │ │ ├── sd_v1-5_peak_gpu_resolution.png │ │ │ │ ├── sd_v1-5_prompt_fidelity_batch_size_5_learning_rate.png │ │ │ │ ├── sd_v1-5_subject_fidelity_batch_size_5_learning_rate.png │ │ │ │ ├── sd_v1-5_training_cost_max_steps.png │ │ │ │ ├── sd_v1-5_training_speed_batch_size.png │ │ │ │ ├── sd_v1-5_training_speed_lora_rank.png │ │ │ │ └── sd_v1-5_training_speed_resolution.png │ │ │ ├── vit_benchmarking_table.png │ │ │ ├── vit_training_cost.png │ │ │ └── vit_training_time.png │ │ ├── jax_vit_benchmarking_report.md │ │ ├── pytorch_openllama_hyperparameter_tuning_benchmark_report.md │ │ └── stable_diffusion_v1-5_benchmarking_report.md │ └── model_oss │ │ ├── autogluon │ │ ├── dockerfile │ │ │ ├── autogluon_serve.Dockerfile │ │ │ └── autogluon_train.Dockerfile │ │ ├── serve.py │ │ └── train.py │ │ ├── cloudnerf │ │ ├── configs │ │ │ ├── 360.gin │ │ │ ├── 360_glo.gin │ │ │ └── accelerate_config.yaml │ │ ├── dockerfile │ │ │ ├── pytorch_cloudnerf_base.Dockerfile │ │ │ ├── pytorch_cloudnerf_calibrate.Dockerfile │ │ │ ├── pytorch_cloudnerf_render.Dockerfile │ │ │ └── pytorch_cloudnerf_train.Dockerfile │ │ ├── local_colmap_and_resize.sh │ │ ├── render.sh │ │ ├── requirements.txt │ │ └── train.sh │ │ ├── data_converter │ │ ├── common_lib.py │ │ ├── convert_coco_label_map_iod.py │ │ ├── convert_imagenet_label_map.py │ │ ├── data_converter_icn_lib.py │ │ ├── data_converter_iod_lib.py │ │ ├── data_converter_isg_lib.py │ │ ├── data_converter_main.py │ │ ├── data_converter_vcn_lib.py │ │ └── dockerfile │ │ │ ├── base.Dockerfile │ │ │ └── run.Dockerfile │ │ ├── detectron2 │ │ ├── __init__.py │ │ ├── dockerfile │ │ │ ├── serving.Dockerfile │ │ │ └── train.Dockerfile │ │ ├── handler.py │ │ └── trainer_utils.py │ │ ├── diffusers │ │ ├── dockerfile │ │ │ ├── serve.Dockerfile │ │ │ └── train.Dockerfile │ │ ├── handler.py │ │ └── train.sh │ │ ├── fvlm │ │ └── dockerfile │ │ │ ├── jax_fvlm_model_conversion.Dockerfile │ │ │ ├── jax_fvlm_train_gpu.Dockerfile │ │ │ └── jax_fvlm_train_tpu.Dockerfile │ │ ├── imagebind │ │ ├── config.properties │ │ ├── dockerfile │ │ │ └── serve.Dockerfile │ │ └── handler.py │ │ ├── jax_vision_transformer │ │ ├── dockerfile │ │ │ ├── jax_vit_model_conversion.Dockerfile │ │ │ └── train_vit_gpu.Dockerfile │ │ ├── vit_config_without_data.py │ │ └── vit_jax2tf.py │ │ ├── keras │ │ ├── dockerfile │ │ │ ├── serve.Dockerfile │ │ │ └── train.Dockerfile │ │ ├── serve.py │ │ └── train.py │ │ ├── llava │ │ ├── dockerfile │ │ │ └── serve.Dockerfile │ │ ├── handler.py │ │ └── model_handler_setup.py │ │ ├── lm-evaluation-harness │ │ └── dockerfile │ │ │ └── eval.Dockerfile │ │ ├── movinet │ │ ├── dockerfile │ │ │ ├── base.Dockerfile │ │ │ ├── model_export.Dockerfile │ │ │ ├── serve.Dockerfile │ │ │ └── train.Dockerfile │ │ ├── serving │ │ │ ├── serving_main.py │ │ │ └── video_serving_lib.py │ │ └── train.py │ │ ├── notebook_util │ │ ├── common_util.py │ │ └── dataset_validation_util.py │ │ ├── open_clip │ │ ├── dockerfile │ │ │ ├── serve.Dockerfile │ │ │ └── train.Dockerfile │ │ └── handler.py │ │ ├── peft │ │ ├── config.properties │ │ ├── dockerfile │ │ │ ├── code_llama_convert.Dockerfile │ │ │ ├── conversion.Dockerfile │ │ │ └── serve.Dockerfile │ │ ├── handler.py │ │ └── train │ │ │ ├── axolotl │ │ │ ├── dockerfile │ │ │ │ └── train.Dockerfile │ │ │ ├── scripts │ │ │ │ └── build_train_docker.sh │ │ │ └── train_entrypoint.py │ │ │ ├── test_utils │ │ │ ├── command_builder.py │ │ │ └── test_util.py │ │ │ ├── util │ │ │ ├── cluster_spec.py │ │ │ ├── common_util.py │ │ │ ├── dataset_stats.py │ │ │ └── device_stats.py │ │ │ └── vmg │ │ │ ├── callbacks.py │ │ │ ├── configs │ │ │ ├── custom_loglikelihood.yaml │ │ │ ├── ddp_4gpu.yaml │ │ │ ├── ddp_8gpu.yaml │ │ │ ├── deepspeed_zero2_4gpu.yaml │ │ │ ├── deepspeed_zero2_8gpu.yaml │ │ │ ├── deepspeed_zero3_4gpu.yaml │ │ │ ├── deepspeed_zero3_8gpu.yaml │ │ │ ├── gemma2_fsdp_8gpu.yaml │ │ │ ├── llama_fsdp_128gpu.yaml │ │ │ ├── llama_fsdp_16gpu.yaml │ │ │ ├── llama_fsdp_24gpu.yaml │ │ │ ├── llama_fsdp_32gpu.yaml │ │ │ ├── llama_fsdp_8gpu.yaml │ │ │ ├── llama_hsdp_16gpu.yaml │ │ │ ├── llama_hsdp_24gpu.yaml │ │ │ ├── llama_hsdp_32gpu.yaml │ │ │ ├── qwen2_fsdp_8gpu.yaml │ │ │ ├── zero2.json │ │ │ └── zero3.json │ │ │ ├── dockerfile │ │ │ ├── merge_env.yaml │ │ │ ├── requirements.txt │ │ │ └── train.Dockerfile │ │ │ ├── eval_lib.py │ │ │ ├── instruct_lora.py │ │ │ ├── merge_causal_language_model_lora.py │ │ │ ├── scripts │ │ │ └── build_train_docker.sh │ │ │ ├── templates │ │ │ ├── README.md │ │ │ ├── alpaca.json │ │ │ ├── alpaca_short.json │ │ │ ├── gemma.json │ │ │ ├── llama3-text-bison.json │ │ │ ├── llama3.json │ │ │ ├── mistral.json │ │ │ ├── openai-chat.json │ │ │ ├── openai-completion.json │ │ │ ├── openassistant-guanaco.json │ │ │ ├── qwen2_5.json │ │ │ └── vertex-chat.json │ │ │ ├── tests │ │ │ ├── instruct_lora_command_builder.py │ │ │ ├── quantize_model_command_builder.py │ │ │ ├── run_tests.py │ │ │ ├── test_instruct_lora_adapters.py │ │ │ ├── test_instruct_lora_features.py │ │ │ ├── test_instruct_lora_throughput.py │ │ │ ├── test_instruct_lora_trained_model_quality.py │ │ │ ├── test_validate_dataset_with_template.py │ │ │ └── validate_dataset_with_template_command_builder.py │ │ │ ├── train_entrypoint.py │ │ │ ├── utils.py │ │ │ └── validate_dataset_with_template.py │ │ ├── pic2word │ │ ├── dockerfile │ │ │ └── serve.Dockerfile │ │ └── handler.py │ │ ├── tfvision │ │ ├── configs │ │ │ ├── __init__.py │ │ │ ├── backbones.py │ │ │ └── hub_model.py │ │ ├── dockerfile │ │ │ ├── base.Dockerfile │ │ │ ├── base_v2.Dockerfile │ │ │ ├── model_export.Dockerfile │ │ │ ├── train_oss.Dockerfile │ │ │ └── train_oss_v2.Dockerfile │ │ ├── modeling │ │ │ └── backbones │ │ │ │ ├── __init__.py │ │ │ │ └── hub_model.py │ │ ├── registry_imports.py │ │ ├── serving │ │ │ ├── automl_constants.py │ │ │ ├── detection.py │ │ │ ├── export_oss_saved_model.py │ │ │ ├── export_oss_saved_model_lib.py │ │ │ ├── image_classification.py │ │ │ └── semantic_segmentation_export_module_lib.py │ │ └── train_hpt_oss.py │ │ ├── timm │ │ ├── dockerfile │ │ │ ├── serve.Dockerfile │ │ │ └── train.Dockerfile │ │ └── handler.py │ │ ├── transformers │ │ ├── biogpt_handler.py │ │ ├── dockerfile │ │ │ ├── sam_serve.Dockerfile │ │ │ └── serve.Dockerfile │ │ ├── handler.py │ │ └── sam_handler.py │ │ ├── util │ │ ├── commons.py │ │ ├── constants.py │ │ ├── fileutils.py │ │ ├── gcs_download_launcher.sh │ │ ├── gcs_syncer.py │ │ ├── hypertune_utils.py │ │ ├── image_format_converter.py │ │ └── pytorch_startup_prober.sh │ │ ├── vllm │ │ ├── dockerfile │ │ │ └── serve.Dockerfile │ │ ├── vllm.patch │ │ └── vllm_startup_prober.sh │ │ └── vot │ │ ├── dockerfile │ │ └── serve.Dockerfile │ │ ├── handler.py │ │ └── visualization_utils.py └── vertex_pipeline_kfpv2 │ ├── README.md │ ├── async_prediction.py │ ├── batch_prediction.py │ ├── create-endpoint.py │ ├── customjob.py │ ├── deploy-model.py │ ├── evaluate-model.py │ ├── pipelinejob.py │ ├── run-experiment.py │ └── train-model.py ├── notebooks ├── README.md ├── ci_notebook_ingestion.md ├── community │ ├── CODEOWNERS │ ├── README.md │ ├── alphagenome │ │ ├── README.md │ │ └── cloudai_alphagenome_vai_quickstart.ipynb │ ├── bigquery_ml │ │ ├── Anomaly_detection_in_Cloud_Audit_logs_with_BQML.ipynb │ │ ├── README.md │ │ ├── bq_ml_with_vision_translation_nlp.ipynb │ │ └── bqml-online-prediction.ipynb │ ├── cohere │ │ ├── README.md │ │ └── cohere_embedding_with_matching_engine.ipynb │ ├── experiments │ │ └── vertex_ai_model_experimentation.ipynb │ ├── explainable_ai │ │ └── SDK_Custom_Container_XAI.ipynb │ ├── exploratory_data_analysis │ │ └── eda_with_r_and_bigquery.ipynb │ ├── feature_store │ │ ├── gapic-feature-store.ipynb │ │ ├── get_started_vertex_feature_store.ipynb │ │ ├── mobile_gaming │ │ │ ├── assets │ │ │ │ ├── feature_store_data_model_3.png │ │ │ │ ├── feature_store_ingestion_2.png │ │ │ │ ├── mobile_gaming_architecture_1.png │ │ │ │ ├── online_serving_5.png │ │ │ │ └── train_model_4.png │ │ │ └── mobile_gaming_feature_store.ipynb │ │ └── sdk-feature-store.ipynb │ ├── gapic │ │ ├── automl │ │ │ ├── showcase_automl_image_classification_batch.ipynb │ │ │ ├── showcase_automl_image_classification_export_edge.ipynb │ │ │ ├── showcase_automl_image_classification_online.ipynb │ │ │ ├── showcase_automl_image_classification_online_proxy.ipynb │ │ │ ├── showcase_automl_image_object_detection_batch.ipynb │ │ │ ├── showcase_automl_image_object_detection_export_edge.ipynb │ │ │ ├── showcase_automl_image_object_detection_online.ipynb │ │ │ ├── showcase_automl_image_segmentation_batch.ipynb │ │ │ ├── showcase_automl_image_segmentation_online.ipynb │ │ │ ├── showcase_automl_tabular_binary_classification_batch.ipynb │ │ │ ├── showcase_automl_tabular_binary_classification_online.ipynb │ │ │ ├── showcase_automl_tabular_classification_batch.ipynb │ │ │ ├── showcase_automl_tabular_classification_batch_explain.ipynb │ │ │ ├── showcase_automl_tabular_classification_export_cloud.ipynb │ │ │ ├── showcase_automl_tabular_classification_online.ipynb │ │ │ ├── showcase_automl_tabular_classification_online_explain.ipynb │ │ │ ├── showcase_automl_tabular_forecasting_batch.ipynb │ │ │ ├── showcase_automl_tabular_regression_online_bq.ipynb │ │ │ ├── showcase_automl_text_classification_batch.ipynb │ │ │ ├── showcase_automl_text_classification_online.ipynb │ │ │ ├── showcase_automl_text_entity_extraction_batch.ipynb │ │ │ ├── showcase_automl_text_entity_extraction_online.ipynb │ │ │ ├── showcase_automl_text_multi-label_classification_batch.ipynb │ │ │ ├── showcase_automl_text_multi-label_classification_online.ipynb │ │ │ ├── showcase_automl_text_sentiment_analysis_batch.ipynb │ │ │ ├── showcase_automl_text_sentiment_analysis_online.ipynb │ │ │ ├── showcase_automl_video_action_recognition_batch.ipynb │ │ │ ├── showcase_automl_video_classification_batch.ipynb │ │ │ └── showcase_automl_video_object_tracking_batch.ipynb │ │ └── custom │ │ │ ├── showcase_custom_image_classification_batch.ipynb │ │ │ ├── showcase_custom_image_classification_batch_explain.ipynb │ │ │ ├── showcase_custom_image_classification_online.ipynb │ │ │ ├── showcase_custom_image_classification_online_ab_testing.ipynb │ │ │ ├── showcase_custom_image_classification_online_container.ipynb │ │ │ ├── showcase_custom_image_classification_online_explain.ipynb │ │ │ ├── showcase_custom_image_classification_online_explain_example_based_api.ipynb │ │ │ ├── showcase_custom_image_classification_online_exported_ds.ipynb │ │ │ ├── showcase_custom_image_classification_online_pipeline.ipynb │ │ │ ├── showcase_custom_image_classification_online_raw.ipynb │ │ │ ├── showcase_custom_image_classification_online_tfserving.ipynb │ │ │ ├── showcase_custom_image_super_resolution_online_post.ipynb │ │ │ ├── showcase_custom_tabular_classification_online_exported_ds.ipynb │ │ │ ├── showcase_custom_tabular_regression_batch.ipynb │ │ │ ├── showcase_custom_tabular_regression_batch_explain.ipynb │ │ │ ├── showcase_custom_tabular_regression_online.ipynb │ │ │ ├── showcase_custom_tabular_regression_online_container.ipynb │ │ │ ├── showcase_custom_tabular_regression_online_explain.ipynb │ │ │ ├── showcase_custom_tabular_regression_online_pipeline.ipynb │ │ │ ├── showcase_custom_tabular_regression_online_tfserving.ipynb │ │ │ ├── showcase_custom_text_binary_classification_batch.ipynb │ │ │ ├── showcase_custom_text_binary_classification_online.ipynb │ │ │ ├── showcase_custom_text_binary_classification_online_container.ipynb │ │ │ ├── showcase_custom_text_binary_classification_online_pipeline.ipynb │ │ │ ├── showcase_custom_text_binary_classification_online_tfserving.ipynb │ │ │ ├── showcase_custom_text_classification_online_exported_ds.ipynb │ │ │ ├── showcase_hyperparmeter_tuning_image_classification.ipynb │ │ │ ├── showcase_hyperparmeter_tuning_tabular_regression.ipynb │ │ │ ├── showcase_hyperparmeter_tuning_text_binary_classification.ipynb │ │ │ ├── showcase_local_image_classification_online.ipynb │ │ │ ├── showcase_local_tabular_regression_online.ipynb │ │ │ ├── showcase_local_text_binary_classification_online.ipynb │ │ │ └── showcase_tfhub_image_classification_online.ipynb │ ├── generative_ai │ │ ├── backoff_and_retry_for_LLMs.ipynb │ │ ├── bq_dataframes_llm_code_generation.ipynb │ │ ├── bq_dataframes_ml_drug_name_generation.ipynb │ │ └── text_embedding_api_cloud_next_new_models.ipynb │ ├── hyperparameter_tuning │ │ ├── distributed-hyperparameter-tuning.ipynb │ │ └── tuning_results.png │ ├── managed_notebooks │ │ └── recommender_systems │ │ │ ├── images │ │ │ ├── BQ_view_table_new.PNG │ │ │ ├── Bigquery_UI_new.PNG │ │ │ └── cluster_kernel_selection.png │ │ │ └── recommender-system-on-retail-data.ipynb │ ├── matching_engine │ │ ├── matching_engine_for_indexing.ipynb │ │ ├── sdk_matching_engine_create_text_to_image_embeddings.ipynb │ │ └── stream_update_for_matching_engine.ipynb │ ├── migration │ │ ├── README.md │ │ ├── UJ1 AutoML for vision with Vertex AI Image Classification.ipynb │ │ ├── UJ1 legacy AutoML Vision Image Classification.ipynb │ │ ├── UJ10 Custom Training Prebuilt Container SKLearn.ipynb │ │ ├── UJ10 legacy Custom Training Prebuilt Container SKLearn.ipynb │ │ ├── UJ11 HyperParameter Tuning Training Job with TensorFlow.ipynb │ │ ├── UJ11 legacy HyperParameter Tuning Training Job with TensorFlow.ipynb │ │ ├── UJ13 Data Labeling task.ipynb │ │ ├── UJ13 legacy Data Labeling task.ipynb │ │ ├── UJ14 AutoML for vision with Vertex AI Video Classification.ipynb │ │ ├── UJ14 legacy AutoML Vision Video Classification.ipynb │ │ ├── UJ15 AutoML for vision with Vertex AI Video Object Tracking.ipynb │ │ ├── UJ15 legacy AutoML Vision Video Object Tracking.ipynb │ │ ├── UJ2,12 Custom Training Prebuilt Container TF Keras.ipynb │ │ ├── UJ2,12 legacy Custom Training Prebuilt Container TF Keras.ipynb │ │ ├── UJ3 Custom Training Custom Container TF Keras.ipynb │ │ ├── UJ3 legacy Custom Training Custom Container TF Keras.ipynb │ │ ├── UJ4 AutoML for structured data with Vertex AI Regression.ipynb │ │ ├── UJ4 legacy AutoML Tables Regression.ipynb │ │ ├── UJ5 AutoML for vision with Vertex AI Video Classification.ipynb │ │ ├── UJ5 legacy AutoML Vision Images Object Detection.ipynb │ │ ├── UJ6 AutoML for natural language with Vertex AI Text Classification.ipynb │ │ ├── UJ6 legacy AutoML Natural Language Text Classification.ipynb │ │ ├── UJ7 AutoML for natural language with Vertex AI Text Entity Extraction.ipynb │ │ ├── UJ7 legacy AutoML Natural Language Text Entity Extraction.ipynb │ │ ├── UJ8 AutoML for natural language with Vertex AI - Text Sentiment Analysis.ipynb │ │ ├── UJ8 legacy AutoML Natural Language Text Sentiment Analysis.ipynb │ │ ├── UJ9 Custom Training Prebuilt Container XGBoost.ipynb │ │ └── UJ9 legacy Custom Training Prebuilt Container XGBoost.ipynb │ ├── ml_ops │ │ ├── README.md │ │ ├── setup.md │ │ ├── setup.py │ │ ├── stage1 │ │ │ ├── README.md │ │ │ ├── get_started_bq_datasets.ipynb │ │ │ ├── get_started_dataflow.ipynb │ │ │ ├── get_started_vertex_datasets.ipynb │ │ │ ├── get_started_with_data_labeling.ipynb │ │ │ ├── get_started_with_visionapi_and_vertex_datasets.ipynb │ │ │ ├── mlops_data_management.ipynb │ │ │ └── stage1v2.png │ │ ├── stage2 │ │ │ ├── README.md │ │ │ ├── get_started_automl_training.ipynb │ │ │ ├── get_started_bqml_training.ipynb │ │ │ ├── get_started_vertex_distributed_training.ipynb │ │ │ ├── get_started_vertex_experiments.ipynb │ │ │ ├── get_started_vertex_feature_store.ipynb │ │ │ ├── get_started_vertex_hpt_r_kernel.ipynb │ │ │ ├── get_started_vertex_hpt_xgboost.ipynb │ │ │ ├── get_started_vertex_tensorboard.ipynb │ │ │ ├── get_started_vertex_training.ipynb │ │ │ ├── get_started_vertex_training_lightgbm.ipynb │ │ │ ├── get_started_vertex_training_pytorch.ipynb │ │ │ ├── get_started_vertex_training_r.ipynb │ │ │ ├── get_started_vertex_training_r_using_r_kernel.ipynb │ │ │ ├── get_started_vertex_training_sklearn.ipynb │ │ │ ├── get_started_vertex_training_xgboost.ipynb │ │ │ ├── get_started_vertex_vizier.ipynb │ │ │ ├── get_started_with_cmek_training.ipynb │ │ │ ├── get_started_with_distributed_training_xgboost.ipynb │ │ │ ├── get_started_with_logging.ipynb │ │ │ ├── get_started_with_tabnet.ipynb │ │ │ ├── get_started_with_tfhub_models.ipynb │ │ │ ├── get_started_with_vertex_experiments_autologging_tf.ipynb │ │ │ ├── get_started_with_vertex_experiments_autologging_xgboost.ipynb │ │ │ ├── get_started_with_visionapi_and_automl.ipynb │ │ │ ├── mlops_experimentation.ipynb │ │ │ ├── notebook_resources │ │ │ │ └── get_started_with_visionapi_and_automl │ │ │ │ │ ├── sample_patent.pdf │ │ │ │ │ └── us_001.pdf │ │ │ ├── stage2.2v1.png │ │ │ └── stage2v3.png │ │ ├── stage3 │ │ │ ├── README.md │ │ │ ├── get_started_vertex_pipelines_sklearn_with_prediction.ipynb │ │ │ ├── get_started_vertex_pipelines_xgboost_with_experiments.ipynb │ │ │ ├── get_started_vertex_pipelines_xgboost_with_prediction.ipynb │ │ │ ├── get_started_with_airflow_and_vertex_pipelines.ipynb │ │ │ ├── get_started_with_automl_pipeline_components.ipynb │ │ │ ├── get_started_with_automl_tabular_pipeline_workflow.ipynb │ │ │ ├── get_started_with_bq_tfdv_pipeline_components.ipynb │ │ │ ├── get_started_with_bqml_pipeline_components.ipynb │ │ │ ├── get_started_with_custom_training_pipeline_components.ipynb │ │ │ ├── get_started_with_dataflow_flex_template_component.ipynb │ │ │ ├── get_started_with_dataflow_pipeline_components.ipynb │ │ │ ├── get_started_with_dataproc_serverless_pipeline_components.ipynb │ │ │ ├── get_started_with_hpt_pipeline_components.ipynb │ │ │ ├── get_started_with_kubeflow_pipelines.ipynb │ │ │ ├── get_started_with_machine_management.ipynb │ │ │ ├── get_started_with_model_registry.ipynb │ │ │ ├── get_started_with_rapid_prototyping_bqml_automl.ipynb │ │ │ ├── get_started_with_tfx_pipeline.ipynb │ │ │ ├── images │ │ │ │ ├── airflow_dag.png │ │ │ │ ├── airflow_dag_run.png │ │ │ │ ├── airflow_webserver_with_dag.png │ │ │ │ ├── pipeline_run.png │ │ │ │ └── trigger-airflow-dag-on-cloud-composer-from-vertex-pipeline.png │ │ │ ├── mlops_formalization.ipynb │ │ │ ├── src │ │ │ │ ├── hello_world.json │ │ │ │ └── hello_world.yaml │ │ │ └── stage3v3.png │ │ ├── stage4 │ │ │ ├── README.md │ │ │ ├── automl_mlmd.png │ │ │ ├── get_started_with_google_artifact_registry.ipynb │ │ │ ├── get_started_with_model_evaluation.ipynb │ │ │ ├── get_started_with_vertex_ml_metadata.ipynb │ │ │ ├── get_started_with_vertex_ml_metadata_and_automl.ipynb │ │ │ ├── get_started_with_vertex_xai.ipynb │ │ │ └── stage4v3.png │ │ ├── stage5 │ │ │ ├── README.md │ │ │ ├── get_started_with_autoscaling.ipynb │ │ │ ├── get_started_with_vertex_endpoint_and_shared_vm.ipynb │ │ │ ├── get_started_with_vertex_endpoints.ipynb │ │ │ ├── get_started_with_vertex_private_endpoints.ipynb │ │ │ └── stage5v3.png │ │ ├── stage6 │ │ │ ├── Batch Prediction notebook index.xlsx │ │ │ ├── README.md │ │ │ ├── get_started_with_automl_image_model_batch.ipynb │ │ │ ├── get_started_with_automl_image_model_online.ipynb │ │ │ ├── get_started_with_automl_tabular_exported_deploy.ipynb │ │ │ ├── get_started_with_automl_tabular_model_batch.ipynb │ │ │ ├── get_started_with_automl_tabular_model_online.ipynb │ │ │ ├── get_started_with_automl_text_model_batch.ipynb │ │ │ ├── get_started_with_automl_text_model_online.ipynb │ │ │ ├── get_started_with_automl_video_model_batch.ipynb │ │ │ ├── get_started_with_cpr.ipynb │ │ │ ├── get_started_with_custom_image_model_batch.ipynb │ │ │ ├── get_started_with_custom_tabular_model_batch.ipynb │ │ │ ├── get_started_with_custom_text_model_batch.ipynb │ │ │ ├── get_started_with_fastapi.ipynb │ │ │ ├── get_started_with_matching_engine.ipynb │ │ │ ├── get_started_with_matching_engine_swivel.ipynb │ │ │ ├── get_started_with_nvidia_triton_serving.ipynb │ │ │ ├── get_started_with_optimized_tfe_bert.ipynb │ │ │ ├── get_started_with_raw_predict.ipynb │ │ │ ├── get_started_with_tf_serving.ipynb │ │ │ ├── get_started_with_tf_serving_function.ipynb │ │ │ ├── get_started_with_tf_serving_tabular.ipynb │ │ │ ├── get_started_with_xai_and_custom_server.ipynb │ │ │ ├── get_started_with_xgboost_model_online.ipynb │ │ │ └── stage6v2.png │ │ ├── stage7 │ │ │ ├── README.md │ │ │ ├── get_started_with_model_monitoring_automl.ipynb │ │ │ ├── get_started_with_model_monitoring_custom.ipynb │ │ │ ├── get_started_with_model_monitoring_custom_tf_serving.ipynb │ │ │ ├── get_started_with_model_monitoring_setup.ipynb │ │ │ ├── get_started_with_model_monitoring_xgboost.ipynb │ │ │ └── stage7v2.png │ │ └── stage8 │ │ │ └── state8v2.png │ ├── model_evaluation │ │ ├── automl_tabular_classification_model_evaluation.ipynb │ │ ├── automl_tabular_regression_model_evaluation.ipynb │ │ └── images │ │ │ ├── automl-text-classification-evaluation-image.PNG │ │ │ ├── automl_tabular_classification_evaluation_pipeline.PNG │ │ │ └── automl_tabular_regression_evaluation_pipeline.PNG │ ├── model_garden │ │ ├── benchmarking_reports │ │ │ ├── jax_vit_benchmarking_report.md │ │ │ ├── pytorch_openllama_hyperparameter_tuning_benchmark_report.md │ │ │ └── stable_diffusion_v1-5_benchmarking_report.md │ │ ├── docker_source_codes │ │ │ ├── model_oss │ │ │ │ ├── notebook_util │ │ │ │ │ ├── common_util.py │ │ │ │ │ ├── dataset_validation_util.py │ │ │ │ │ └── gcp_utils.py │ │ │ │ └── timesfm │ │ │ │ │ ├── dockerfile │ │ │ │ │ └── serve.Dockerfile │ │ │ │ │ ├── main.py │ │ │ │ │ └── predictor.py │ │ │ └── notebook_util │ │ │ │ ├── common_util.py │ │ │ │ ├── dataset_validation_util.py │ │ │ │ └── gcp_utils.py │ │ ├── gke_model_ui_deployment_notebook.ipynb │ │ ├── gke_model_ui_deployment_notebook_auto.ipynb │ │ ├── model_garden_advanced_features.ipynb │ │ ├── model_garden_agent_engine_llama3_1.ipynb │ │ ├── model_garden_autosxs_evaluation_llama3_1.ipynb │ │ ├── model_garden_axolotl_finetuning.ipynb │ │ ├── model_garden_axolotl_gemma3_finetuning.ipynb │ │ ├── model_garden_axolotl_gpt_oss_finetuning.ipynb │ │ ├── model_garden_axolotl_qwen3_finetuning.ipynb │ │ ├── model_garden_camp_zipnerf.ipynb │ │ ├── model_garden_camp_zipnerf_gradio.ipynb │ │ ├── model_garden_codegemma_deployment_on_vertex.ipynb │ │ ├── model_garden_deployment_tutorial.ipynb │ │ ├── model_garden_e5.ipynb │ │ ├── model_garden_embedding_gemma_local_inference.ipynb │ │ ├── model_garden_finetuning_tutorial.ipynb │ │ ├── model_garden_gemma2_deployment_on_vertex.ipynb │ │ ├── model_garden_gemma2_finetuning_on_vertex.ipynb │ │ ├── model_garden_gemma3_deployment_on_vertex.ipynb │ │ ├── model_garden_gemma3n_deployment_on_vertex.ipynb │ │ ├── model_garden_gemma_deployment_on_gke.ipynb │ │ ├── model_garden_gemma_deployment_on_vertex.ipynb │ │ ├── model_garden_gemma_evaluation.ipynb │ │ ├── model_garden_gemma_fine_tuning_batch_deployment_on_rov.ipynb │ │ ├── model_garden_gemma_finetuning_on_vertex.ipynb │ │ ├── model_garden_gemma_kerasnlp_to_vertexai.ipynb │ │ ├── model_garden_gradio_streaming_chat_completions.ipynb │ │ ├── model_garden_hexllm_deep_dive_tutorial.ipynb │ │ ├── model_garden_hf_paligemma2_deployment.ipynb │ │ ├── model_garden_huggingface_local_inference.ipynb │ │ ├── model_garden_huggingface_pytorch_inference_deployment.ipynb │ │ ├── model_garden_huggingface_tei_deployment.ipynb │ │ ├── model_garden_huggingface_tgi_deployment.ipynb │ │ ├── model_garden_huggingface_vllm_deployment.ipynb │ │ ├── model_garden_integration_with_agent.ipynb │ │ ├── model_garden_jax_dito.ipynb │ │ ├── model_garden_jax_fvlm.ipynb │ │ ├── model_garden_jax_owl_vit_v2.ipynb │ │ ├── model_garden_jax_paligemma_deployment.ipynb │ │ ├── model_garden_jax_paligemma_finetuning.ipynb │ │ ├── model_garden_jax_stable_diffusion_xl.ipynb │ │ ├── model_garden_jax_vision_transformer.ipynb │ │ ├── model_garden_keras_stable_diffusion.ipynb │ │ ├── model_garden_keras_yolov8.ipynb │ │ ├── model_garden_llama3_1_finetuning_with_workbench.ipynb │ │ ├── model_garden_llama3_2_deployment_on_gke.ipynb │ │ ├── model_garden_llama3_2_evaluation.ipynb │ │ ├── model_garden_llama_guard_deployment.ipynb │ │ ├── model_garden_mammut.ipynb │ │ ├── model_garden_mediapipe_face_stylizer.ipynb │ │ ├── model_garden_mediapipe_object_detection.ipynb │ │ ├── model_garden_mediapipe_text_classification.ipynb │ │ ├── model_garden_model_cohost.ipynb │ │ ├── model_garden_movinet_action_recognition.ipynb │ │ ├── model_garden_movinet_clip_classification.ipynb │ │ ├── model_garden_nvidia_cosmos_deployment.ipynb │ │ ├── model_garden_ollama_deployment.ipynb │ │ ├── model_garden_openai_api_llama3_1.ipynb │ │ ├── model_garden_openai_api_llama3_2.ipynb │ │ ├── model_garden_openai_api_llama4.ipynb │ │ ├── model_garden_phi3_deployment.ipynb │ │ ├── model_garden_phi4_deployment.ipynb │ │ ├── model_garden_pipeline_templates_bert.ipynb │ │ ├── model_garden_pipeline_templates_t5x.ipynb │ │ ├── model_garden_proprietary_image_classification.ipynb │ │ ├── model_garden_proprietary_image_object_detection.ipynb │ │ ├── model_garden_pytorch_autogluon.ipynb │ │ ├── model_garden_pytorch_bart_large_cnn.ipynb │ │ ├── model_garden_pytorch_biogpt_serve.ipynb │ │ ├── model_garden_pytorch_biomedclip.ipynb │ │ ├── model_garden_pytorch_blip2.ipynb │ │ ├── model_garden_pytorch_blip_image_captioning.ipynb │ │ ├── model_garden_pytorch_blip_vqa.ipynb │ │ ├── model_garden_pytorch_clip.ipynb │ │ ├── model_garden_pytorch_codellama.ipynb │ │ ├── model_garden_pytorch_codellama_evaluation.ipynb │ │ ├── model_garden_pytorch_controlnet.ipynb │ │ ├── model_garden_pytorch_csm_deployment.ipynb │ │ ├── model_garden_pytorch_deepseek_deployment.ipynb │ │ ├── model_garden_pytorch_deepseek_ocr.ipynb │ │ ├── model_garden_pytorch_deepseek_r1_distill_deployment.ipynb │ │ ├── model_garden_pytorch_deepseek_v3_2_deployment.ipynb │ │ ├── model_garden_pytorch_deployed_model_agent_engine.ipynb │ │ ├── model_garden_pytorch_deployed_model_reasoning_engine.ipynb │ │ ├── model_garden_pytorch_detectron2.ipynb │ │ ├── model_garden_pytorch_dia_1_6b.ipynb │ │ ├── model_garden_pytorch_dolly_v2.ipynb │ │ ├── model_garden_pytorch_falcon_evaluation.ipynb │ │ ├── model_garden_pytorch_falcon_instruct_deployment.ipynb │ │ ├── model_garden_pytorch_falcon_instruct_finetuning.ipynb │ │ ├── model_garden_pytorch_falcon_instruct_peft.ipynb │ │ ├── model_garden_pytorch_falcon_instruct_quantization.ipynb │ │ ├── model_garden_pytorch_fill_mask.ipynb │ │ ├── model_garden_pytorch_flux.ipynb │ │ ├── model_garden_pytorch_flux_gradio.ipynb │ │ ├── model_garden_pytorch_gemma_peft_finetuning_hf.ipynb │ │ ├── model_garden_pytorch_gpt_oss_deployment.ipynb │ │ ├── model_garden_pytorch_gpt_oss_g4_deployment.ipynb │ │ ├── model_garden_pytorch_hidream_i1.ipynb │ │ ├── model_garden_pytorch_imagebind.ipynb │ │ ├── model_garden_pytorch_instant_id.ipynb │ │ ├── model_garden_pytorch_instant_id_gradio.ipynb │ │ ├── model_garden_pytorch_instructpix2pix.ipynb │ │ ├── model_garden_pytorch_lama.ipynb │ │ ├── model_garden_pytorch_layoutml_document_qa.ipynb │ │ ├── model_garden_pytorch_llama2_deployment.ipynb │ │ ├── model_garden_pytorch_llama2_evaluation.ipynb │ │ ├── model_garden_pytorch_llama2_peft_finetuning.ipynb │ │ ├── model_garden_pytorch_llama2_peft_hyperparameter_tuning.ipynb │ │ ├── model_garden_pytorch_llama2_quantization.ipynb │ │ ├── model_garden_pytorch_llama2_rlhf_tuning.ipynb │ │ ├── model_garden_pytorch_llama3_1_agent_engine.ipynb │ │ ├── model_garden_pytorch_llama3_1_deployment.ipynb │ │ ├── model_garden_pytorch_llama3_1_finetuning.ipynb │ │ ├── model_garden_pytorch_llama3_1_qwen2_5_deployment_tpu.ipynb │ │ ├── model_garden_pytorch_llama3_1_qwen3_deployment_tpu.ipynb │ │ ├── model_garden_pytorch_llama3_1_reasoning_engine.ipynb │ │ ├── model_garden_pytorch_llama3_2_deployment.ipynb │ │ ├── model_garden_pytorch_llama3_3_deployment.ipynb │ │ ├── model_garden_pytorch_llama3_3_finetuning.ipynb │ │ ├── model_garden_pytorch_llama3_deployment.ipynb │ │ ├── model_garden_pytorch_llama3_finetuning.ipynb │ │ ├── model_garden_pytorch_llama4_deployment.ipynb │ │ ├── model_garden_pytorch_llava.ipynb │ │ ├── model_garden_pytorch_minimax_m2_deployment.ipynb │ │ ├── model_garden_pytorch_mistral_deployment.ipynb │ │ ├── model_garden_pytorch_mistral_peft_tuning.ipynb │ │ ├── model_garden_pytorch_mixtral_deployment.ipynb │ │ ├── model_garden_pytorch_mixtral_peft_tuning.ipynb │ │ ├── model_garden_pytorch_nllb.ipynb │ │ ├── model_garden_pytorch_open_clip.ipynb │ │ ├── model_garden_pytorch_openllama_peft.ipynb │ │ ├── model_garden_pytorch_owlvit.ipynb │ │ ├── model_garden_pytorch_peft.ipynb │ │ ├── model_garden_pytorch_pic2word.ipynb │ │ ├── model_garden_pytorch_prompt_guard_deployment.ipynb │ │ ├── model_garden_pytorch_qwen2_5_finetuning.ipynb │ │ ├── model_garden_pytorch_qwen2_deployment.ipynb │ │ ├── model_garden_pytorch_qwen3_coder_deployment.ipynb │ │ ├── model_garden_pytorch_qwen3_deployment.ipynb │ │ ├── model_garden_pytorch_qwen3_vl.ipynb │ │ ├── model_garden_pytorch_qwen_image.ipynb │ │ ├── model_garden_pytorch_qwq_deployment.ipynb │ │ ├── model_garden_pytorch_sam.ipynb │ │ ├── model_garden_pytorch_sd_2_1_deployment.ipynb │ │ ├── model_garden_pytorch_sd_2_1_finetuning_dreambooth.ipynb │ │ ├── model_garden_pytorch_sd_2_1_local_finetuning_dreambooth.ipynb │ │ ├── model_garden_pytorch_sd_xl_finetuning_dreambooth_lora.ipynb │ │ ├── model_garden_pytorch_stable_diffusion_custom.ipynb │ │ ├── model_garden_pytorch_stable_diffusion_deployment_1_5.ipynb │ │ ├── model_garden_pytorch_stable_diffusion_finetuning_dreambooth_1_5.ipynb │ │ ├── model_garden_pytorch_stable_diffusion_finetuning_dreambooth_lora_1_5.ipynb │ │ ├── model_garden_pytorch_stable_diffusion_finetuning_lora_1_5.ipynb │ │ ├── model_garden_pytorch_stable_diffusion_gradio.ipynb │ │ ├── model_garden_pytorch_stable_diffusion_inpainting.ipynb │ │ ├── model_garden_pytorch_stable_diffusion_upscaler.ipynb │ │ ├── model_garden_pytorch_stable_diffusion_xl_1_0.ipynb │ │ ├── model_garden_pytorch_stable_diffusion_xl_lcm.ipynb │ │ ├── model_garden_pytorch_stable_diffusion_xl_lightning.ipynb │ │ ├── model_garden_pytorch_stable_diffusion_xl_lora.ipynb │ │ ├── model_garden_pytorch_stable_diffusion_xl_turbo.ipynb │ │ ├── model_garden_pytorch_stable_video_diffusion_img2vid_xt.ipynb │ │ ├── model_garden_pytorch_starcoder.ipynb │ │ ├── model_garden_pytorch_text_to_video_zero_shot.ipynb │ │ ├── model_garden_pytorch_vicuna.ipynb │ │ ├── model_garden_pytorch_vilt_vqa.ipynb │ │ ├── model_garden_pytorch_whisper_large_v3_deployment.ipynb │ │ ├── model_garden_pytorch_wizard_coder.ipynb │ │ ├── model_garden_pytorch_wizard_lm.ipynb │ │ ├── model_garden_pytorch_zipnerf.ipynb │ │ ├── model_garden_rag.ipynb │ │ ├── model_garden_reasoning_engine_llama3_1.ipynb │ │ ├── model_garden_recursion_mae_local_inference.ipynb │ │ ├── model_garden_recursion_mae_pytorch_inference_deployment.ipynb │ │ ├── model_garden_remote_sensing_deployment.ipynb │ │ ├── model_garden_reservations_spotvm.ipynb │ │ ├── model_garden_shieldgemma2_local_inference.ipynb │ │ ├── model_garden_t5gemma_local_inference.ipynb │ │ ├── model_garden_tfvision_image_classification.ipynb │ │ ├── model_garden_tfvision_image_object_detection.ipynb │ │ ├── model_garden_tfvision_image_segmentation.ipynb │ │ ├── model_garden_tgi_llama3_1_deployment_on_gke.ipynb │ │ ├── model_garden_tgi_mistral_deployment_on_gke.ipynb │ │ ├── model_garden_timesfm_2_0_deployment_on_vertex.ipynb │ │ ├── model_garden_timesfm_deployment_on_vertex.ipynb │ │ ├── model_garden_translation_llm_translation_and_evaluation.ipynb │ │ ├── model_garden_video_object_tracking_serve.ipynb │ │ ├── model_garden_vllm_multimodal_tutorial.ipynb │ │ ├── model_garden_vllm_text_only_tutorial.ipynb │ │ ├── model_garden_vllm_tpu_qwen3_deployment.ipynb │ │ ├── model_garden_weather_prediction_on_vertex.ipynb │ │ ├── model_garden_xdit_cogvideox_2b.ipynb │ │ ├── model_garden_xdit_wan2_1.ipynb │ │ ├── model_garden_xdit_wan2_2.ipynb │ │ └── synthetic_data_generation_using_llama3_1.ipynb │ ├── model_registry │ │ ├── bqml_vertexai_model_registry.ipynb │ │ ├── get_started_with_vertex_ai_deployer.ipynb │ │ ├── vertex_ai_model_registry_automl_model_versioning.ipynb │ │ └── vertex_ai_model_registry_bqml_custom_model_versioning.ipynb │ ├── neo4j │ │ ├── README.md │ │ └── graph_paysim.ipynb │ ├── persistent_resource │ │ ├── 00_persistent_resource_getting_started_cli.ipynb │ │ ├── 00_persistent_resource_getting_started_sdk.ipynb │ │ └── training_code │ │ │ └── mpg_container │ │ │ ├── Dockerfile │ │ │ └── trainer │ │ │ └── train.py │ ├── pipelines │ │ ├── google_cloud_pipeline_components_TPU_model_train_upload_deploy.ipynb │ │ ├── google_cloud_pipeline_components_bqml_pipeline_anomaly_detection.ipynb │ │ ├── google_cloud_pipeline_components_bqml_pipeline_demand_forecasting.ipynb │ │ ├── google_cloud_pipeline_components_cloud_natural_language_pipeline.ipynb │ │ ├── google_cloud_pipeline_components_dataproc_tabular.ipynb │ │ └── google_cloud_pipeline_components_ready_to_go_text_classification_pipeline.ipynb │ ├── prediction │ │ ├── custom_prediction_routines │ │ │ ├── SDK_Custom_Predict_SDK_Integration.ipynb │ │ │ ├── SDK_Custom_Predict_and_Handler_SDK_Integration.ipynb │ │ │ ├── SDK_Custom_Preprocess.ipynb │ │ │ ├── SDK_Pytorch_Custom_Predict.ipynb │ │ │ └── SDK_Triton_PyTorch_Local_Prediction.ipynb │ │ └── feature_store_integration │ │ │ └── prediction_feature_store_integration.ipynb │ ├── reduction_server │ │ └── distributed-training-reduction-server.ipynb │ ├── sdk │ │ ├── SDK_AutoML_Forecasting_Model_Training_Example.ipynb │ │ ├── SDK_AutoML_Image_Classification_Training_with_CMEK.ipynb │ │ ├── SDK_AutoML_Text_Extraction_Training.ipynb │ │ ├── SDK_AutoML_Video_Action_Recognition.ipynb │ │ ├── SDK_BigQuery_Custom_Container_Training.ipynb │ │ ├── SDK_Custom_Model_Training_AutoML_Tabular_Model_Training.ipynb │ │ ├── SDK_Custom_Training_with_Unmanaged_Image_Dataset.ipynb │ │ ├── SDK_End_to_End_Tabular_Custom_Training.ipynb │ │ ├── SDK_Explainable_AI_Custom_Tabular.ipynb │ │ ├── SDK_FBProphet_Forecasting_Online.ipynb │ │ ├── SDK_Tabular_Custom_Model_Training_asynchronous.ipynb │ │ ├── Vertex_AI_SDK_AutoML_Forecasting_Model_Training_Example.ipynb │ │ ├── sdk_automl_forecasting_evaluating_a_model.ipynb │ │ ├── sdk_automl_image_classification_batch.ipynb │ │ ├── sdk_automl_image_classification_online.ipynb │ │ ├── sdk_automl_image_classification_online_export_edge.ipynb │ │ ├── sdk_automl_image_object_detection_batch.ipynb │ │ ├── sdk_automl_image_object_detection_online.ipynb │ │ ├── sdk_automl_image_object_detection_online_export_edge.ipynb │ │ ├── sdk_automl_tabular_binary_classification_batch.ipynb │ │ ├── sdk_automl_tabular_binary_classification_batch_explain.ipynb │ │ ├── sdk_automl_tabular_binary_classification_online.ipynb │ │ ├── sdk_automl_tabular_binary_classification_online_export_cloud.ipynb │ │ ├── sdk_automl_tabular_classification_online_explain.ipynb │ │ ├── sdk_automl_tabular_forecasting_batch.ipynb │ │ ├── sdk_automl_tabular_regression_online_bq.ipynb │ │ ├── sdk_automl_text_classification_batch.ipynb │ │ ├── sdk_automl_text_classification_online.ipynb │ │ ├── sdk_automl_text_entity_extraction_batch.ipynb │ │ ├── sdk_automl_text_sentiment_analysis_batch.ipynb │ │ ├── sdk_custom_image_classification_batch.ipynb │ │ ├── sdk_custom_image_classification_batch_explain.ipynb │ │ ├── sdk_custom_image_classification_online.ipynb │ │ ├── sdk_custom_image_classification_online_custom_training_container.ipynb │ │ ├── sdk_custom_image_classification_online_explain.ipynb │ │ ├── sdk_custom_image_classification_online_tfserving.ipynb │ │ ├── sdk_custom_tabular_regression_batch.ipynb │ │ ├── sdk_custom_tabular_regression_batch_explain.ipynb │ │ ├── sdk_custom_tabular_regression_online.ipynb │ │ ├── sdk_custom_tabular_regression_online_explain.ipynb │ │ ├── sdk_custom_tabular_regression_online_explain_get_metadata.ipynb │ │ ├── sdk_private_endpoint.ipynb │ │ ├── sdk_pytorch_lightning_custom_container_training.ipynb │ │ └── sdk_pytorch_torchrun_custom_container_training_imagenet.ipynb │ ├── tensorboard │ │ └── get_started.ipynb │ ├── vertex_endpoints │ │ ├── find_ideal_machine_type │ │ │ └── find_ideal_machine_type.ipynb │ │ ├── nvidia-triton │ │ │ ├── get_started_with_triton_ensemble.ipynb │ │ │ └── nvidia-triton-custom-container-prediction.ipynb │ │ ├── optimized_tensorflow_runtime │ │ │ ├── benchmark.py │ │ │ ├── bert_optimized_online_prediction.ipynb │ │ │ ├── t5x_base_optimized_online_prediction.ipynb │ │ │ └── tabular_optimized_online_prediction.ipynb │ │ ├── tf_hub_obj_detection │ │ │ └── deploy_tfhub_object_detection_on_vertex_endpoints.ipynb │ │ └── torchserve │ │ │ └── dreambooth_stablediffusion.ipynb │ ├── vision │ │ ├── image_warehouse_sdk.ipynb │ │ ├── video_warehouse_curl.ipynb │ │ └── video_warehouse_sdk.ipynb │ ├── vizier │ │ └── conversions_vertex_vizier_and_open_source_vizier.ipynb │ └── workbench │ │ └── telecom-subscriber-churn-prediction.ipynb ├── notebook_template.ipynb ├── notebook_template_review.py ├── notebook_template_writing_guidelines.md └── official │ ├── CODEOWNERS │ ├── README.md │ ├── automl │ ├── README.md │ ├── automl-tabular-classification.ipynb │ ├── automl_forecasting_on_vertex_pipelines.ipynb │ ├── automl_image_classification_batch_prediction.ipynb │ ├── automl_image_classification_online_prediction.ipynb │ ├── automl_image_object_detection_export_edge.ipynb │ ├── automl_image_object_detection_online_prediction.ipynb │ ├── automl_tabular_on_vertex_pipelines.ipynb │ ├── automl_text_entity_extraction_batch_prediction.ipynb │ ├── get_started_automl_training.ipynb │ ├── sdk_automl_forecasting_hierarchical_batch.ipynb │ ├── sdk_automl_image_object_detection_batch.ipynb │ ├── sdk_automl_tabular_forecasting_batch.ipynb │ ├── sdk_automl_tabular_regression_batch_bq.ipynb │ └── sdk_automl_tabular_regression_online_bq.ipynb │ ├── bigquery_ml │ ├── README.md │ └── get_started_with_bqml_training.ipynb │ ├── custom │ ├── README.md │ ├── SDK_Custom_Container_Prediction.ipynb │ ├── custom-tabular-bq-managed-dataset.ipynb │ ├── custom_training_container_and_model_registry.ipynb │ ├── custom_training_tensorboard_profiler.ipynb │ ├── get_started_vertex_training_xgboost.ipynb │ ├── get_started_with_vertex_endpoint_and_shared_vm.ipynb │ ├── sdk-custom-image-classification-batch.ipynb │ └── sdk-custom-image-classification-online.ipynb │ ├── datasets │ ├── README.md │ ├── get_started_bq_datasets.ipynb │ └── get_started_with_data_labeling.ipynb │ ├── experiments │ ├── README.md │ ├── build_model_experimentation_lineage_with_prebuild_code.ipynb │ ├── comparing_local_trained_models.ipynb │ ├── comparing_pipeline_runs.ipynb │ ├── delete_outdated_tensorboard_experiments.ipynb │ ├── get_started_with_custom_training_autologging_local_script.ipynb │ ├── get_started_with_vertex_experiments.ipynb │ └── get_started_with_vertex_experiments_autologging.ipynb │ ├── explainable_ai │ ├── README.md │ ├── sdk_automl_tabular_binary_classification_batch_explain.ipynb │ ├── sdk_automl_tabular_classification_online_explain.ipynb │ ├── sdk_custom_image_classification_batch_explain.ipynb │ ├── sdk_custom_image_classification_online_explain.ipynb │ ├── sdk_custom_tabular_regression_batch_explain.ipynb │ ├── sdk_custom_tabular_regression_online_explain.ipynb │ ├── sdk_custom_tabular_regression_online_explain_get_metadata.ipynb │ ├── xai_image_classification_feature_attributions.ipynb │ └── xai_text_classification_feature_attributions.ipynb │ ├── feature_store │ ├── README.md │ ├── feature_monitoring_with_feature_registry.ipynb │ ├── offline_feature_serving_from_bigquery_with_feature_registry.ipynb │ ├── online_feature_serving_and_fetching_bigquery_data_with_feature_store_bigtable.ipynb │ ├── online_feature_serving_and_fetching_bigquery_data_with_feature_store_optimized.ipynb │ ├── online_feature_serving_and_vector_retrieval_bigquery_data_with_feature_store.ipynb │ ├── online_feature_serving_fetching_multiple_entities.ipynb │ ├── vertex_ai_feature_store_based_llm_grounding_tutorial.ipynb │ ├── vertex_ai_feature_store_feature_view_service_agents.ipynb │ ├── vertex_ai_feature_store_iam_policy.ipynb │ └── vertex_ai_feature_store_update_feature_monitor_feature_group_iam_and_service_agent.ipynb │ ├── feature_store_legacy │ ├── README.md │ ├── feature_store_streaming_ingestion_sdk.ipynb │ ├── sdk-feature-store-pandas.ipynb │ └── sdk-feature-store.ipynb │ ├── forecasting │ └── starry_net_pipeline.ipynb │ ├── generative_ai │ ├── README.md │ ├── ai21labs_intro.ipynb │ ├── anthropic_claude_3_intro.ipynb │ ├── anthropic_claude_intro.ipynb │ ├── batch_eval_llm.ipynb │ ├── cambai_intro.ipynb │ ├── csm_intro.ipynb │ ├── distillation.ipynb │ ├── mistralai_intro.ipynb │ ├── mistralai_ocr.ipynb │ ├── nvidia_nim_vertexai.ipynb │ ├── qodo_intro.ipynb │ ├── rlhf_tune_llm.ipynb │ ├── text_embedding_api_semantic_search_with_scann.ipynb │ ├── text_embedding_new_api.ipynb │ ├── text_embeddings.ipynb │ ├── tune_peft.ipynb │ ├── tuned_text-embeddings.ipynb │ ├── vertex_sdk_llm_snippets.ipynb │ └── virtueai_intro.ipynb │ ├── migration │ ├── README.md │ ├── sdk-automl-image-classification-batch-online.ipynb │ ├── sdk-automl-image-object-detection-batch-online.ipynb │ ├── sdk-automl-tabular-binary-classification-online-prediction.ipynb │ ├── sdk-custom-image-classification-custom-container.ipynb │ ├── sdk-custom-image-classification-prebuilt-container.ipynb │ ├── sdk-custom-scikit-learn-prebuilt-container.ipynb │ ├── sdk-custom-xgboost-prebuilt-container.ipynb │ └── sdk-hyperparameter-tuning.ipynb │ ├── ml_metadata │ ├── README.md │ ├── get_started_with_google_artifact_registry.ipynb │ ├── sdk-metric-parameter-tracking-for-custom-jobs.ipynb │ ├── sdk-metric-parameter-tracking-for-locally-trained-models.ipynb │ └── vertex-pipelines-ml-metadata.ipynb │ ├── model_evaluation │ ├── README.md │ ├── automl_tabular_classification_model_evaluation.ipynb │ ├── automl_tabular_regression_model_evaluation.ipynb │ ├── automl_text_classification_model_evaluation.ipynb │ ├── custom_tabular_classification_model_evaluation.ipynb │ ├── custom_tabular_regression_model_evaluation.ipynb │ ├── get_started_with_custom_model_evaluation_import.ipynb │ ├── images │ │ ├── automl-text-classification-evaluation-image.PNG │ │ ├── automl_tabular_classification_evaluation_pipeline.PNG │ │ ├── automl_tabular_regression_evaluation_pipeline.PNG │ │ ├── custom_tabular_classification_evaluation_pipeline.PNG │ │ └── custom_tabular_regression_evaluation_pipeline.PNG │ └── model_based_llm_evaluation │ │ ├── autosxs_check_alignment_against_human_preference_data.ipynb │ │ └── autosxs_llm_evaluation_for_summarization_task.ipynb │ ├── model_monitoring │ ├── README.md │ ├── batch_prediction_model_monitoring.ipynb │ ├── get_started_with_model_monitoring_automl.ipynb │ ├── get_started_with_model_monitoring_automl_image_batch.ipynb │ ├── get_started_with_model_monitoring_automl_image_online.ipynb │ ├── get_started_with_model_monitoring_custom.ipynb │ ├── get_started_with_model_monitoring_custom_tf_serving.ipynb │ ├── get_started_with_model_monitoring_setup.ipynb │ ├── get_started_with_model_monitoring_xgboost.ipynb │ └── model_monitoring.ipynb │ ├── model_monitoring_v2 │ ├── model_monitoring_for_custom_model_batch_prediction_job.ipynb │ ├── model_monitoring_for_custom_model_online_prediction.ipynb │ └── model_monitoring_for_model_outside_vertex.ipynb │ ├── model_registry │ ├── README.md │ └── get_started_with_model_registry.ipynb │ ├── pipelines │ ├── README.md │ ├── Train_tabular_models_with_many_frameworks_and_import_to_Vertex_AI_using_Pipelines │ │ ├── Train_tabular_classification_logistic_regression_model_using_Scikit_learn_and_import_to_Vertex_AI │ │ │ └── pipeline.py │ │ ├── Train_tabular_classification_model_using_PyTorch_and_import_to_Vertex_AI │ │ │ └── pipeline.py │ │ ├── Train_tabular_classification_model_using_TensorFlow_and_import_to_Vertex_AI │ │ │ └── pipeline.py │ │ ├── Train_tabular_classification_model_using_XGBoost_and_import_to_Vertex_AI │ │ │ └── pipeline.py │ │ ├── Train_tabular_classification_model_using_all_frameworks_and_import_to_Vertex_AI │ │ │ └── pipeline.py │ │ ├── Train_tabular_regression_linear_model_using_Scikit_learn_and_import_to_Vertex_AI │ │ │ └── pipeline.py │ │ ├── Train_tabular_regression_model_using_PyTorch_and_import_to_Vertex_AI │ │ │ └── pipeline.py │ │ ├── Train_tabular_regression_model_using_TensorFlow_and_import_to_Vertex_AI │ │ │ └── pipeline.py │ │ ├── Train_tabular_regression_model_using_XGBoost_and_import_to_Vertex_AI │ │ │ └── pipeline.py │ │ └── Train_tabular_regression_model_using_all_frameworks_and_import_to_Vertex_AI │ │ │ └── pipeline.py │ ├── automl_tabular_classification_beans.ipynb │ ├── challenger_vs_blessed_deployment_method.ipynb │ ├── control_flow_kfp.ipynb │ ├── custom_model_training_and_batch_prediction.ipynb │ ├── custom_tabular_train_batch_pred_bq_pipeline.ipynb │ ├── get_started_with_hpt_pipeline_components.ipynb │ ├── get_started_with_machine_management.ipynb │ ├── google_cloud_pipeline_components_TPU_model_train_upload_deploy.ipynb │ ├── google_cloud_pipeline_components_automl_images.ipynb │ ├── google_cloud_pipeline_components_automl_tabular.ipynb │ ├── google_cloud_pipeline_components_bqml_text.ipynb │ ├── google_cloud_pipeline_components_model_train_upload_deploy.ipynb │ ├── google_cloud_pipeline_components_model_upload_predict_evaluate.ipynb │ ├── kfp2_pipeline.ipynb │ ├── lightweight_functions_component_io_kfp.ipynb │ ├── metrics_viz_run_compare_kfp.ipynb │ ├── multicontender_vs_champion_deployment_method.ipynb │ ├── pipelines_intro_kfp.ipynb │ ├── rapid_prototyping_bqml_automl.ipynb │ └── sample_data │ │ ├── california_housing_test.csv │ │ └── california_housing_train.csv │ ├── prediction │ ├── README.md │ ├── custom_batch_prediction_feature_filter.ipynb │ ├── get_started_with_dedicated_endpoint.ipynb │ ├── get_started_with_nvidia_triton_serving.ipynb │ ├── get_started_with_psc_private_endpoint.ipynb │ ├── get_started_with_raw_predict.ipynb │ ├── get_started_with_tf_serving.ipynb │ ├── get_started_with_vertex_private_endpoints.ipynb │ ├── llm_streaming_prediction.ipynb │ ├── pytorch_image_classification_with_prebuilt_serving_containers.ipynb │ ├── pytorch_train_deploy_models_with_prebuilt_containers.ipynb │ ├── sdk_private_endpoint.ipynb │ └── vertexai_serving_vllm │ │ ├── README.md │ │ ├── cloud-build │ │ ├── cloudbuild.yaml │ │ ├── dockerfile │ │ └── entrypoint.sh │ │ ├── vertexai_serving_vllm_cpu_llama3_2_3B.ipynb │ │ ├── vertexai_serving_vllm_gpu_llama3_2_3B.ipynb │ │ ├── vertexai_serving_vllm_tpu_gcs_llama3_2_3B.ipynb │ │ └── vertexai_serving_vllm_tpu_llama3_2_3B.ipynb │ ├── ray_on_vertex_ai │ ├── get_started_with_pytorch_rov.ipynb │ ├── ray_cluster_management.ipynb │ └── spark_on_ray_on_vertex_ai.ipynb │ ├── reduction_server │ ├── README.md │ └── pytorch_distributed_training_reduction_server.ipynb │ ├── sdk │ ├── README.md │ └── SDK_Custom_Training_Python_Package_Managed_Text_Dataset_Tensorflow_Serving_Container.ipynb │ ├── tabnet │ ├── README.md │ └── ai-explanations-tabnet-algorithm.ipynb │ ├── tabular_workflows │ ├── README.md │ ├── bqml_arima_plus.ipynb │ ├── prophet_on_vertex_pipelines.ipynb │ ├── tabnet_on_vertex_pipelines.ipynb │ └── wide_and_deep_on_vertex_pipelines.ipynb │ ├── tensorboard │ ├── README.md │ ├── tensorboard_custom_training_with_custom_container.ipynb │ ├── tensorboard_custom_training_with_prebuilt_container.ipynb │ ├── tensorboard_hyperparameter_tuning_with_hparams.ipynb │ ├── tensorboard_profiler_custom_training.ipynb │ ├── tensorboard_profiler_custom_training_with_prebuilt_container.ipynb │ └── tensorboard_vertex_ai_pipelines_integration.ipynb │ ├── training │ ├── README.md │ ├── distributed_hyperparameter_tuning.ipynb │ ├── get_started_vertex_training_lightgbm.ipynb │ ├── get_started_with_vertex_distributed_training.ipynb │ ├── hyperparameter_tuning_tensorflow.ipynb │ ├── hyperparameter_tuning_xgboost.ipynb │ ├── multi_node_ddp_gloo_vertex_training_with_custom_container.ipynb │ ├── multi_node_ddp_nccl_vertex_training_with_custom_container.ipynb │ ├── pytorch-text-sentiment-classification-custom-train-deploy.ipynb │ ├── pytorch_gcs_data_training.ipynb │ ├── sdk_pytorch_torchrun_custom_container_training_imagenet.ipynb │ ├── tpuv5e_gemma_peft_finetuning_and_serving.ipynb │ ├── tpuv5e_llama2_pytorch_finetuning_and_serving.ipynb │ ├── tuning_results.png │ └── xgboost_data_parallel_training_on_cpu_using_dask.ipynb │ ├── vector_search │ ├── README.md │ ├── sdk_vector_search_create_multimodal_embeddings.ipynb │ ├── sdk_vector_search_create_stack_overflow_embeddings.ipynb │ ├── sdk_vector_search_create_stack_overflow_embeddings_vertex.ipynb │ └── sdk_vector_search_for_indexing.ipynb │ ├── vizier │ ├── README.md │ ├── gapic-vizier-multi-objective-optimization.ipynb │ └── get_started_vertex_vizier.ipynb │ └── workbench │ ├── README.md │ ├── ads_targetting │ ├── images │ │ ├── Bigquery_UI_new.PNG │ │ ├── executor.png │ │ ├── executor_input_parameters.png │ │ └── executor_scheduled_runs2.png │ └── training-multi-class-classification-model-for-ads-targeting-usecase.ipynb │ ├── chicago_taxi_fare_prediction │ └── chicago_taxi_fare_prediction.ipynb │ ├── delete_this_placeholder.txt │ ├── demand_forecasting │ ├── forecasting-retail-demand.ipynb │ └── images │ │ ├── exe_form.png │ │ ├── list_execution.png │ │ ├── list_schedule.png │ │ ├── navbar_exe.png │ │ ├── python3_env_selection.png │ │ ├── schedule.png │ │ └── side_nav.png │ ├── exploratory_data_analysis │ └── explore_data_in_bigquery_with_workbench.ipynb │ ├── fraud_detection │ └── fraud-detection-model.ipynb │ ├── gaming_churn_prediction │ └── churn_prediction_for_game_developers.ipynb │ ├── inventory-prediction │ ├── images │ │ ├── Datapoint_editor.png │ │ ├── Performance_and_fairness.png │ │ └── features.PNG │ └── inventory_prediction.ipynb │ ├── predictive_maintainance │ ├── images │ │ └── executor.PNG │ └── predictive_maintenance_usecase.ipynb │ ├── pricing_optimization │ └── pricing-optimization.ipynb │ └── spark │ ├── spark_bigquery.ipynb │ └── spark_ml.ipynb └── renovate.json /.cloud-build/CheckPythonVersion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/.cloud-build/CheckPythonVersion.py -------------------------------------------------------------------------------- /.cloud-build/cleanup/cleanup-cloudbuild.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/.cloud-build/cleanup/cleanup-cloudbuild.yaml -------------------------------------------------------------------------------- /.cloud-build/cleanup/cleanup-requirements.txt: -------------------------------------------------------------------------------- 1 | ratemate 2 | google-cloud-aiplatform -------------------------------------------------------------------------------- /.cloud-build/cleanup/cleanup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/.cloud-build/cleanup/cleanup.py -------------------------------------------------------------------------------- /.cloud-build/cleanup/resource_cleanup_manager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/.cloud-build/cleanup/resource_cleanup_manager.py -------------------------------------------------------------------------------- /.cloud-build/execute_changed_notebooks_cli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/.cloud-build/execute_changed_notebooks_cli.py -------------------------------------------------------------------------------- /.cloud-build/execute_changed_notebooks_helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/.cloud-build/execute_changed_notebooks_helper.py -------------------------------------------------------------------------------- /.cloud-build/execute_notebook_cli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/.cloud-build/execute_notebook_cli.py -------------------------------------------------------------------------------- /.cloud-build/execute_notebook_helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/.cloud-build/execute_notebook_helper.py -------------------------------------------------------------------------------- /.cloud-build/execute_notebook_remote.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/.cloud-build/execute_notebook_remote.py -------------------------------------------------------------------------------- /.cloud-build/notebook-execution-test-cloudbuild-single.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/.cloud-build/notebook-execution-test-cloudbuild-single.yaml -------------------------------------------------------------------------------- /.cloud-build/notebook-execution-test-cloudbuild.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/.cloud-build/notebook-execution-test-cloudbuild.yaml -------------------------------------------------------------------------------- /.cloud-build/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/.cloud-build/requirements.txt -------------------------------------------------------------------------------- /.cloud-build/run_first.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/.cloud-build/run_first.csv -------------------------------------------------------------------------------- /.cloud-build/test_folders.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/.cloud-build/test_folders.txt -------------------------------------------------------------------------------- /.cloud-build/test_notebook_vm.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/.cloud-build/test_notebook_vm.txt -------------------------------------------------------------------------------- /.cloud-build/test_single_notebook_vm.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/.cloud-build/test_single_notebook_vm.txt -------------------------------------------------------------------------------- /.cloud-build/tests/flaky.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/.cloud-build/tests/flaky.py -------------------------------------------------------------------------------- /.cloud-build/tests/python_version_test.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/.cloud-build/tests/python_version_test.ipynb -------------------------------------------------------------------------------- /.cloud-build/tests/select_notebooks_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/.cloud-build/tests/select_notebooks_test.py -------------------------------------------------------------------------------- /.cloud-build/utils/NotebookProcessors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/.cloud-build/utils/NotebookProcessors.py -------------------------------------------------------------------------------- /.cloud-build/utils/UpdateNotebookVariables.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/.cloud-build/utils/UpdateNotebookVariables.py -------------------------------------------------------------------------------- /.cloud-build/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /.cloud-build/utils/build_results_viewer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/.cloud-build/utils/build_results_viewer.py -------------------------------------------------------------------------------- /.cloud-build/utils/investigate.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/.cloud-build/utils/investigate.csv -------------------------------------------------------------------------------- /.cloud-build/utils/tests/test_preprocessors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/.cloud-build/utils/tests/test_preprocessors.py -------------------------------------------------------------------------------- /.cloud-build/utils/tests/test_update_notebook_variables.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/.cloud-build/utils/tests/test_update_notebook_variables.py -------------------------------------------------------------------------------- /.cloud-build/utils/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/.cloud-build/utils/util.py -------------------------------------------------------------------------------- /.cloud-build/web-index/do_not_index.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/.cloud-build/web-index/do_not_index.txt -------------------------------------------------------------------------------- /.cloud-build/web-index/notebook-index-cloudbuild.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/.cloud-build/web-index/notebook-index-cloudbuild.yaml -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/.github/ISSUE_TEMPLATE.md -------------------------------------------------------------------------------- /.github/PULL_REQUEST_TEMPLATE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/.github/PULL_REQUEST_TEMPLATE.md -------------------------------------------------------------------------------- /.github/dependabot.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/.github/dependabot.yml -------------------------------------------------------------------------------- /.github/snippet-bot.yml: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /.github/workflows/ci.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/.github/workflows/ci.yaml -------------------------------------------------------------------------------- /.github/workflows/linter/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/.github/workflows/linter/Dockerfile -------------------------------------------------------------------------------- /.github/workflows/linter/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/.github/workflows/linter/requirements.txt -------------------------------------------------------------------------------- /.github/workflows/linter/run_linter.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/.github/workflows/linter/run_linter.sh -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/.gitignore -------------------------------------------------------------------------------- /CODEOWNERS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/CODEOWNERS -------------------------------------------------------------------------------- /CODE_OF_CONDUCT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/CODE_OF_CONDUCT.md -------------------------------------------------------------------------------- /CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/CONTRIBUTING.md -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/README.md -------------------------------------------------------------------------------- /SECURITY.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/SECURITY.md -------------------------------------------------------------------------------- /community-content/CODEOWNERS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/CODEOWNERS -------------------------------------------------------------------------------- /community-content/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/README.md -------------------------------------------------------------------------------- /community-content/alphafold_on_workbench/AlphaFold.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/alphafold_on_workbench/AlphaFold.ipynb -------------------------------------------------------------------------------- /community-content/alphafold_on_workbench/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/alphafold_on_workbench/Dockerfile -------------------------------------------------------------------------------- /community-content/alphafold_on_workbench/build_docker.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/alphafold_on_workbench/build_docker.sh -------------------------------------------------------------------------------- /community-content/alphafold_on_workbench/vertexai_40.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/alphafold_on_workbench/vertexai_40.png -------------------------------------------------------------------------------- /community-content/cpr-examples/timm_serving/.dockerignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/cpr-examples/timm_serving/.dockerignore -------------------------------------------------------------------------------- /community-content/cpr-examples/timm_serving/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/cpr-examples/timm_serving/.gitignore -------------------------------------------------------------------------------- /community-content/cpr-examples/timm_serving/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/cpr-examples/timm_serving/README.md -------------------------------------------------------------------------------- /community-content/cpr-examples/timm_serving/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/cpr-examples/timm_serving/build.py -------------------------------------------------------------------------------- /community-content/cpr-examples/timm_serving/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/cpr-examples/timm_serving/config.py -------------------------------------------------------------------------------- /community-content/cpr-examples/timm_serving/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/cpr-examples/timm_serving/requirements.txt -------------------------------------------------------------------------------- /community-content/cpr-examples/timm_serving/sample_request.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/cpr-examples/timm_serving/sample_request.json -------------------------------------------------------------------------------- /community-content/cpr-examples/timm_serving/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/cpr-examples/timm_serving/test.py -------------------------------------------------------------------------------- /community-content/cpr-examples/timm_serving/testdata/airplane.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/cpr-examples/timm_serving/testdata/airplane.jpg -------------------------------------------------------------------------------- /community-content/cpr-examples/timm_serving/testdata/bad.jpg: -------------------------------------------------------------------------------- 1 | some non-image data 2 | -------------------------------------------------------------------------------- /community-content/cpr-examples/timm_serving/testdata/bad.txt: -------------------------------------------------------------------------------- 1 | some non-image data 2 | -------------------------------------------------------------------------------- /community-content/cpr-examples/timm_serving/testdata/bad_model_1/state_dict.pth: -------------------------------------------------------------------------------- 1 | blah 2 | -------------------------------------------------------------------------------- /community-content/cpr-examples/timm_serving/testdata/bad_model_2/state_dict.pth: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/cpr-examples/timm_serving/testdata/bad_model_2/state_dict.pth -------------------------------------------------------------------------------- /community-content/cpr-examples/timm_serving/testdata/cat_alpha.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/cpr-examples/timm_serving/testdata/cat_alpha.png -------------------------------------------------------------------------------- /community-content/cpr-examples/timm_serving/testdata/mandrill.tiff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/cpr-examples/timm_serving/testdata/mandrill.tiff -------------------------------------------------------------------------------- /community-content/cpr-examples/timm_serving/timm_serving/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /community-content/cpr-examples/timm_serving/timm_serving/imagenet.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/cpr-examples/timm_serving/timm_serving/imagenet.txt -------------------------------------------------------------------------------- /community-content/cpr-examples/timm_serving/timm_serving/predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/cpr-examples/timm_serving/timm_serving/predictor.py -------------------------------------------------------------------------------- /community-content/pipeline_components/XGBoost/Predict/component.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/pipeline_components/XGBoost/Predict/component.yaml -------------------------------------------------------------------------------- /community-content/pipeline_components/XGBoost/Train/component.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/pipeline_components/XGBoost/Train/component.yaml -------------------------------------------------------------------------------- /community-content/pipeline_components/google-cloud/storage/download/component.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/pipeline_components/google-cloud/storage/download/component.yaml -------------------------------------------------------------------------------- /community-content/pipeline_components/image_ml_model_training/pipeline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/pipeline_components/image_ml_model_training/pipeline.py -------------------------------------------------------------------------------- /community-content/pipeline_components/tensorflow/Predict/on_CSV/component.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/pipeline_components/tensorflow/Predict/on_CSV/component.yaml -------------------------------------------------------------------------------- /community-content/pluto_on_workbench/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/pluto_on_workbench/README.md -------------------------------------------------------------------------------- /community-content/pytorch_efficient_training/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/pytorch_efficient_training/README.md -------------------------------------------------------------------------------- /community-content/pytorch_efficient_training/requirements.txt: -------------------------------------------------------------------------------- 1 | webdataset == 0.2.26 2 | -------------------------------------------------------------------------------- /community-content/pytorch_efficient_training/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/pytorch_efficient_training/resnet.py -------------------------------------------------------------------------------- /community-content/pytorch_efficient_training/resnet_ddp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/pytorch_efficient_training/resnet_ddp.py -------------------------------------------------------------------------------- /community-content/pytorch_efficient_training/resnet_ddp_wds.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/pytorch_efficient_training/resnet_ddp_wds.py -------------------------------------------------------------------------------- /community-content/pytorch_efficient_training/resnet_dp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/pytorch_efficient_training/resnet_dp.py -------------------------------------------------------------------------------- /community-content/pytorch_efficient_training/resnet_fsdp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/pytorch_efficient_training/resnet_fsdp.py -------------------------------------------------------------------------------- /community-content/pytorch_efficient_training/resnet_fsdp_wds.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/pytorch_efficient_training/resnet_fsdp_wds.py -------------------------------------------------------------------------------- /community-content/pytorch_efficient_training/shard_imagenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/pytorch_efficient_training/shard_imagenet.py -------------------------------------------------------------------------------- /community-content/pytorch_image_classification_distributed_data_parallel_training_with_vertex_sdk/requirements.txt: -------------------------------------------------------------------------------- 1 | google-cloud-aiplatform -------------------------------------------------------------------------------- /community-content/pytorch_image_classification_distributed_data_parallel_training_with_vertex_sdk/trainer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /community-content/pytorch_image_classification_single_gpu_with_vertex_sdk_and_torchserve/model_server/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /community-content/pytorch_image_classification_single_gpu_with_vertex_sdk_and_torchserve/trainer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /community-content/pytorch_pre_built_images_deployment/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/pytorch_pre_built_images_deployment/README.md -------------------------------------------------------------------------------- /community-content/pytorch_pre_built_images_deployment/predictor/custom_handler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/pytorch_pre_built_images_deployment/predictor/custom_handler.py -------------------------------------------------------------------------------- /community-content/pytorch_pre_built_images_deployment/predictor/index_to_name.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/pytorch_pre_built_images_deployment/predictor/index_to_name.json -------------------------------------------------------------------------------- /community-content/pytorch_text_classification_using_vertex_sdk_and_gcloud/custom_container/trainer: -------------------------------------------------------------------------------- 1 | ../python_package/trainer -------------------------------------------------------------------------------- /community-content/pytorch_text_classification_using_vertex_sdk_and_gcloud/python_package/trainer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /community-content/sklearn_text_classification_from_script_using_vertex_sdk/requirements.txt: -------------------------------------------------------------------------------- 1 | google-cloud-aiplatform 2 | ipykernel -------------------------------------------------------------------------------- /community-content/sklearn_text_classification_from_script_using_vertex_sdk/task.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/sklearn_text_classification_from_script_using_vertex_sdk/task.py -------------------------------------------------------------------------------- /community-content/tf_keras_image_classification_distributed_multi_worker_with_vertex_sdk/requirements.txt: -------------------------------------------------------------------------------- 1 | google-cloud-aiplatform -------------------------------------------------------------------------------- /community-content/tf_keras_image_classification_distributed_multi_worker_with_vertex_sdk/trainer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /community-content/tf_keras_image_classification_distributed_multi_worker_with_vertex_sdk/trainer/requirements.txt: -------------------------------------------------------------------------------- 1 | tensorflow==2.12.1 -------------------------------------------------------------------------------- /community-content/tf_keras_text_classification_distributed_single_worker_gpus_with_gcloud_local_run_and_vertex_sdk/requirements.txt: -------------------------------------------------------------------------------- 1 | google-cloud-aiplatform -------------------------------------------------------------------------------- /community-content/tf_keras_text_classification_distributed_single_worker_gpus_with_gcloud_local_run_and_vertex_sdk/trainer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /community-content/tf_keras_text_classification_distributed_single_worker_gpus_with_gcloud_local_run_and_vertex_sdk/trainer/requirements.txt: -------------------------------------------------------------------------------- 1 | tensorflow==2.12.1 -------------------------------------------------------------------------------- /community-content/vertex-distributed-training/a3mega/llama-3-8b-nemo-pretraining/scripts/util/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /community-content/vertex_cpr_samples/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_cpr_samples/README.md -------------------------------------------------------------------------------- /community-content/vertex_cpr_samples/sklearn/predictor_Classifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_cpr_samples/sklearn/predictor_Classifier.py -------------------------------------------------------------------------------- /community-content/vertex_cpr_samples/sklearn/predictor_LinearRegression.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_cpr_samples/sklearn/predictor_LinearRegression.py -------------------------------------------------------------------------------- /community-content/vertex_cpr_samples/sklearn/predictor_SGDClassifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_cpr_samples/sklearn/predictor_SGDClassifier.py -------------------------------------------------------------------------------- /community-content/vertex_cpr_samples/torch/predictor_resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_cpr_samples/torch/predictor_resnet.py -------------------------------------------------------------------------------- /community-content/vertex_cpr_samples/torch/predictor_transformers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_cpr_samples/torch/predictor_transformers.py -------------------------------------------------------------------------------- /community-content/vertex_cpr_samples/xgboost/predictor_Classifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_cpr_samples/xgboost/predictor_Classifier.py -------------------------------------------------------------------------------- /community-content/vertex_cpr_samples/xgboost/predictor_xgbranker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_cpr_samples/xgboost/predictor_xgbranker.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/.pylintrc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/.pylintrc -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/autogluon/serve.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/autogluon/serve.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/autogluon/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/autogluon/train.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/cloudnerf/configs/360.gin: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/cloudnerf/configs/360.gin -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/cloudnerf/configs/360_glo.gin: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/cloudnerf/configs/360_glo.gin -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/cloudnerf/render.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/cloudnerf/render.sh -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/cloudnerf/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/cloudnerf/requirements.txt -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/cloudnerf/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/cloudnerf/train.sh -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/data_converter/common_lib.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/data_converter/common_lib.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/detectron2/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/detectron2/handler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/detectron2/handler.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/detectron2/trainer_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/detectron2/trainer_utils.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/diffusers/handler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/diffusers/handler.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/diffusers/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/diffusers/train.sh -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/imagebind/config.properties: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/imagebind/config.properties -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/imagebind/handler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/imagebind/handler.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/jax_vision_transformer/vit_jax2tf.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/keras/dockerfile/serve.Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/keras/dockerfile/serve.Dockerfile -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/keras/dockerfile/train.Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/keras/dockerfile/train.Dockerfile -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/keras/serve.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/keras/serve.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/keras/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/keras/train.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/llava/dockerfile/serve.Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/llava/dockerfile/serve.Dockerfile -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/llava/handler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/llava/handler.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/llava/model_handler_setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/llava/model_handler_setup.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/movinet/dockerfile/base.Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/movinet/dockerfile/base.Dockerfile -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/movinet/serving/serving_main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/movinet/serving/serving_main.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/movinet/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/movinet/train.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/notebook_util/common_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/notebook_util/common_util.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/open_clip/handler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/open_clip/handler.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/peft/config.properties: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/peft/config.properties -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/peft/dockerfile/serve.Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/peft/dockerfile/serve.Dockerfile -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/peft/handler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/peft/handler.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/peft/train/test_utils/test_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/peft/train/test_utils/test_util.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/peft/train/util/cluster_spec.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/peft/train/util/cluster_spec.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/peft/train/util/common_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/peft/train/util/common_util.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/peft/train/util/dataset_stats.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/peft/train/util/dataset_stats.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/peft/train/util/device_stats.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/peft/train/util/device_stats.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/peft/train/vmg/callbacks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/peft/train/vmg/callbacks.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/peft/train/vmg/configs/zero2.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/peft/train/vmg/configs/zero2.json -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/peft/train/vmg/configs/zero3.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/peft/train/vmg/configs/zero3.json -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/peft/train/vmg/eval_lib.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/peft/train/vmg/eval_lib.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/peft/train/vmg/instruct_lora.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/peft/train/vmg/instruct_lora.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/peft/train/vmg/templates/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/peft/train/vmg/templates/README.md -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/peft/train/vmg/tests/run_tests.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/peft/train/vmg/tests/run_tests.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/peft/train/vmg/train_entrypoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/peft/train/vmg/train_entrypoint.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/peft/train/vmg/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/peft/train/vmg/utils.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/pic2word/handler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/pic2word/handler.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/tfvision/configs/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/tfvision/configs/__init__.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/tfvision/configs/backbones.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/tfvision/configs/backbones.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/tfvision/configs/hub_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/tfvision/configs/hub_model.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/tfvision/registry_imports.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/tfvision/registry_imports.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/tfvision/serving/detection.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/tfvision/serving/detection.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/tfvision/train_hpt_oss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/tfvision/train_hpt_oss.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/timm/dockerfile/serve.Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/timm/dockerfile/serve.Dockerfile -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/timm/dockerfile/train.Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/timm/dockerfile/train.Dockerfile -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/timm/handler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/timm/handler.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/transformers/biogpt_handler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/transformers/biogpt_handler.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/transformers/handler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/transformers/handler.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/transformers/sam_handler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/transformers/sam_handler.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/util/commons.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/util/commons.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/util/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/util/constants.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/util/fileutils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/util/fileutils.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/util/gcs_download_launcher.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/util/gcs_download_launcher.sh -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/util/gcs_syncer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/util/gcs_syncer.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/util/hypertune_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/util/hypertune_utils.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/util/image_format_converter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/util/image_format_converter.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/util/pytorch_startup_prober.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/util/pytorch_startup_prober.sh -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/vllm/dockerfile/serve.Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/vllm/dockerfile/serve.Dockerfile -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/vllm/vllm.patch: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/vllm/vllm.patch -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/vllm/vllm_startup_prober.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/vllm/vllm_startup_prober.sh -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/vot/dockerfile/serve.Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/vot/dockerfile/serve.Dockerfile -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/vot/handler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/vot/handler.py -------------------------------------------------------------------------------- /community-content/vertex_model_garden/model_oss/vot/visualization_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_model_garden/model_oss/vot/visualization_utils.py -------------------------------------------------------------------------------- /community-content/vertex_pipeline_kfpv2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_pipeline_kfpv2/README.md -------------------------------------------------------------------------------- /community-content/vertex_pipeline_kfpv2/async_prediction.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_pipeline_kfpv2/async_prediction.py -------------------------------------------------------------------------------- /community-content/vertex_pipeline_kfpv2/batch_prediction.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_pipeline_kfpv2/batch_prediction.py -------------------------------------------------------------------------------- /community-content/vertex_pipeline_kfpv2/create-endpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_pipeline_kfpv2/create-endpoint.py -------------------------------------------------------------------------------- /community-content/vertex_pipeline_kfpv2/customjob.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_pipeline_kfpv2/customjob.py -------------------------------------------------------------------------------- /community-content/vertex_pipeline_kfpv2/deploy-model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_pipeline_kfpv2/deploy-model.py -------------------------------------------------------------------------------- /community-content/vertex_pipeline_kfpv2/evaluate-model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_pipeline_kfpv2/evaluate-model.py -------------------------------------------------------------------------------- /community-content/vertex_pipeline_kfpv2/pipelinejob.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_pipeline_kfpv2/pipelinejob.py -------------------------------------------------------------------------------- /community-content/vertex_pipeline_kfpv2/run-experiment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_pipeline_kfpv2/run-experiment.py -------------------------------------------------------------------------------- /community-content/vertex_pipeline_kfpv2/train-model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/community-content/vertex_pipeline_kfpv2/train-model.py -------------------------------------------------------------------------------- /notebooks/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/README.md -------------------------------------------------------------------------------- /notebooks/ci_notebook_ingestion.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/ci_notebook_ingestion.md -------------------------------------------------------------------------------- /notebooks/community/CODEOWNERS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/CODEOWNERS -------------------------------------------------------------------------------- /notebooks/community/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/README.md -------------------------------------------------------------------------------- /notebooks/community/alphagenome/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/alphagenome/README.md -------------------------------------------------------------------------------- /notebooks/community/alphagenome/cloudai_alphagenome_vai_quickstart.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/alphagenome/cloudai_alphagenome_vai_quickstart.ipynb -------------------------------------------------------------------------------- /notebooks/community/bigquery_ml/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/bigquery_ml/README.md -------------------------------------------------------------------------------- /notebooks/community/bigquery_ml/bq_ml_with_vision_translation_nlp.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/bigquery_ml/bq_ml_with_vision_translation_nlp.ipynb -------------------------------------------------------------------------------- /notebooks/community/bigquery_ml/bqml-online-prediction.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/bigquery_ml/bqml-online-prediction.ipynb -------------------------------------------------------------------------------- /notebooks/community/cohere/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/cohere/README.md -------------------------------------------------------------------------------- /notebooks/community/cohere/cohere_embedding_with_matching_engine.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/cohere/cohere_embedding_with_matching_engine.ipynb -------------------------------------------------------------------------------- /notebooks/community/experiments/vertex_ai_model_experimentation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/experiments/vertex_ai_model_experimentation.ipynb -------------------------------------------------------------------------------- /notebooks/community/explainable_ai/SDK_Custom_Container_XAI.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/explainable_ai/SDK_Custom_Container_XAI.ipynb -------------------------------------------------------------------------------- /notebooks/community/exploratory_data_analysis/eda_with_r_and_bigquery.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/exploratory_data_analysis/eda_with_r_and_bigquery.ipynb -------------------------------------------------------------------------------- /notebooks/community/feature_store/gapic-feature-store.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/feature_store/gapic-feature-store.ipynb -------------------------------------------------------------------------------- /notebooks/community/feature_store/get_started_vertex_feature_store.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/feature_store/get_started_vertex_feature_store.ipynb -------------------------------------------------------------------------------- /notebooks/community/feature_store/mobile_gaming/assets/online_serving_5.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/feature_store/mobile_gaming/assets/online_serving_5.png -------------------------------------------------------------------------------- /notebooks/community/feature_store/mobile_gaming/assets/train_model_4.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/feature_store/mobile_gaming/assets/train_model_4.png -------------------------------------------------------------------------------- /notebooks/community/feature_store/mobile_gaming/mobile_gaming_feature_store.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/feature_store/mobile_gaming/mobile_gaming_feature_store.ipynb -------------------------------------------------------------------------------- /notebooks/community/feature_store/sdk-feature-store.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/feature_store/sdk-feature-store.ipynb -------------------------------------------------------------------------------- /notebooks/community/gapic/automl/showcase_automl_image_classification_batch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/gapic/automl/showcase_automl_image_classification_batch.ipynb -------------------------------------------------------------------------------- /notebooks/community/gapic/automl/showcase_automl_image_classification_online.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/gapic/automl/showcase_automl_image_classification_online.ipynb -------------------------------------------------------------------------------- /notebooks/community/gapic/automl/showcase_automl_image_segmentation_batch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/gapic/automl/showcase_automl_image_segmentation_batch.ipynb -------------------------------------------------------------------------------- /notebooks/community/gapic/automl/showcase_automl_image_segmentation_online.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/gapic/automl/showcase_automl_image_segmentation_online.ipynb -------------------------------------------------------------------------------- /notebooks/community/gapic/automl/showcase_automl_tabular_forecasting_batch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/gapic/automl/showcase_automl_tabular_forecasting_batch.ipynb -------------------------------------------------------------------------------- /notebooks/community/gapic/automl/showcase_automl_text_classification_batch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/gapic/automl/showcase_automl_text_classification_batch.ipynb -------------------------------------------------------------------------------- /notebooks/community/gapic/automl/showcase_automl_text_classification_online.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/gapic/automl/showcase_automl_text_classification_online.ipynb -------------------------------------------------------------------------------- /notebooks/community/gapic/automl/showcase_automl_video_classification_batch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/gapic/automl/showcase_automl_video_classification_batch.ipynb -------------------------------------------------------------------------------- /notebooks/community/gapic/custom/showcase_custom_tabular_regression_batch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/gapic/custom/showcase_custom_tabular_regression_batch.ipynb -------------------------------------------------------------------------------- /notebooks/community/gapic/custom/showcase_custom_tabular_regression_online.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/gapic/custom/showcase_custom_tabular_regression_online.ipynb -------------------------------------------------------------------------------- /notebooks/community/gapic/custom/showcase_local_tabular_regression_online.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/gapic/custom/showcase_local_tabular_regression_online.ipynb -------------------------------------------------------------------------------- /notebooks/community/generative_ai/backoff_and_retry_for_LLMs.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/generative_ai/backoff_and_retry_for_LLMs.ipynb -------------------------------------------------------------------------------- /notebooks/community/generative_ai/bq_dataframes_llm_code_generation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/generative_ai/bq_dataframes_llm_code_generation.ipynb -------------------------------------------------------------------------------- /notebooks/community/generative_ai/bq_dataframes_ml_drug_name_generation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/generative_ai/bq_dataframes_ml_drug_name_generation.ipynb -------------------------------------------------------------------------------- /notebooks/community/generative_ai/text_embedding_api_cloud_next_new_models.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/generative_ai/text_embedding_api_cloud_next_new_models.ipynb -------------------------------------------------------------------------------- /notebooks/community/hyperparameter_tuning/tuning_results.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/hyperparameter_tuning/tuning_results.png -------------------------------------------------------------------------------- /notebooks/community/matching_engine/matching_engine_for_indexing.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/matching_engine/matching_engine_for_indexing.ipynb -------------------------------------------------------------------------------- /notebooks/community/matching_engine/stream_update_for_matching_engine.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/matching_engine/stream_update_for_matching_engine.ipynb -------------------------------------------------------------------------------- /notebooks/community/migration/README.md: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /notebooks/community/migration/UJ13 Data Labeling task.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/migration/UJ13 Data Labeling task.ipynb -------------------------------------------------------------------------------- /notebooks/community/migration/UJ13 legacy Data Labeling task.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/migration/UJ13 legacy Data Labeling task.ipynb -------------------------------------------------------------------------------- /notebooks/community/migration/UJ4 legacy AutoML Tables Regression.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/migration/UJ4 legacy AutoML Tables Regression.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/README.md -------------------------------------------------------------------------------- /notebooks/community/ml_ops/setup.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/setup.md -------------------------------------------------------------------------------- /notebooks/community/ml_ops/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/setup.py -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage1/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage1/README.md -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage1/get_started_bq_datasets.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage1/get_started_bq_datasets.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage1/get_started_dataflow.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage1/get_started_dataflow.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage1/get_started_vertex_datasets.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage1/get_started_vertex_datasets.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage1/get_started_with_data_labeling.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage1/get_started_with_data_labeling.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage1/mlops_data_management.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage1/mlops_data_management.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage1/stage1v2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage1/stage1v2.png -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage2/README.md -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage2/get_started_automl_training.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage2/get_started_automl_training.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage2/get_started_bqml_training.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage2/get_started_bqml_training.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage2/get_started_vertex_distributed_training.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage2/get_started_vertex_distributed_training.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage2/get_started_vertex_experiments.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage2/get_started_vertex_experiments.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage2/get_started_vertex_feature_store.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage2/get_started_vertex_feature_store.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage2/get_started_vertex_hpt_r_kernel.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage2/get_started_vertex_hpt_r_kernel.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage2/get_started_vertex_hpt_xgboost.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage2/get_started_vertex_hpt_xgboost.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage2/get_started_vertex_tensorboard.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage2/get_started_vertex_tensorboard.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage2/get_started_vertex_training.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage2/get_started_vertex_training.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage2/get_started_vertex_training_lightgbm.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage2/get_started_vertex_training_lightgbm.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage2/get_started_vertex_training_pytorch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage2/get_started_vertex_training_pytorch.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage2/get_started_vertex_training_r.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage2/get_started_vertex_training_r.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage2/get_started_vertex_training_sklearn.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage2/get_started_vertex_training_sklearn.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage2/get_started_vertex_training_xgboost.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage2/get_started_vertex_training_xgboost.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage2/get_started_vertex_vizier.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage2/get_started_vertex_vizier.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage2/get_started_with_cmek_training.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage2/get_started_with_cmek_training.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage2/get_started_with_logging.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage2/get_started_with_logging.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage2/get_started_with_tabnet.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage2/get_started_with_tabnet.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage2/get_started_with_tfhub_models.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage2/get_started_with_tfhub_models.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage2/get_started_with_visionapi_and_automl.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage2/get_started_with_visionapi_and_automl.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage2/mlops_experimentation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage2/mlops_experimentation.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage2/stage2.2v1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage2/stage2.2v1.png -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage2/stage2v3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage2/stage2v3.png -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage3/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage3/README.md -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage3/get_started_with_hpt_pipeline_components.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage3/get_started_with_hpt_pipeline_components.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage3/get_started_with_kubeflow_pipelines.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage3/get_started_with_kubeflow_pipelines.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage3/get_started_with_machine_management.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage3/get_started_with_machine_management.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage3/get_started_with_model_registry.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage3/get_started_with_model_registry.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage3/get_started_with_tfx_pipeline.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage3/get_started_with_tfx_pipeline.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage3/images/airflow_dag.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage3/images/airflow_dag.png -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage3/images/airflow_dag_run.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage3/images/airflow_dag_run.png -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage3/images/airflow_webserver_with_dag.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage3/images/airflow_webserver_with_dag.png -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage3/images/pipeline_run.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage3/images/pipeline_run.png -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage3/mlops_formalization.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage3/mlops_formalization.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage3/src/hello_world.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage3/src/hello_world.json -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage3/src/hello_world.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage3/src/hello_world.yaml -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage3/stage3v3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage3/stage3v3.png -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage4/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage4/README.md -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage4/automl_mlmd.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage4/automl_mlmd.png -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage4/get_started_with_model_evaluation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage4/get_started_with_model_evaluation.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage4/get_started_with_vertex_ml_metadata.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage4/get_started_with_vertex_ml_metadata.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage4/get_started_with_vertex_xai.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage4/get_started_with_vertex_xai.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage4/stage4v3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage4/stage4v3.png -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage5/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage5/README.md -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage5/get_started_with_autoscaling.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage5/get_started_with_autoscaling.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage5/get_started_with_vertex_endpoints.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage5/get_started_with_vertex_endpoints.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage5/stage5v3.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage5/stage5v3.png -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage6/Batch Prediction notebook index.xlsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage6/Batch Prediction notebook index.xlsx -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage6/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage6/README.md -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage6/get_started_with_automl_text_model_batch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage6/get_started_with_automl_text_model_batch.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage6/get_started_with_cpr.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage6/get_started_with_cpr.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage6/get_started_with_custom_text_model_batch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage6/get_started_with_custom_text_model_batch.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage6/get_started_with_fastapi.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage6/get_started_with_fastapi.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage6/get_started_with_matching_engine.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage6/get_started_with_matching_engine.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage6/get_started_with_matching_engine_swivel.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage6/get_started_with_matching_engine_swivel.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage6/get_started_with_nvidia_triton_serving.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage6/get_started_with_nvidia_triton_serving.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage6/get_started_with_optimized_tfe_bert.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage6/get_started_with_optimized_tfe_bert.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage6/get_started_with_raw_predict.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage6/get_started_with_raw_predict.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage6/get_started_with_tf_serving.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage6/get_started_with_tf_serving.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage6/get_started_with_tf_serving_function.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage6/get_started_with_tf_serving_function.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage6/get_started_with_tf_serving_tabular.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage6/get_started_with_tf_serving_tabular.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage6/get_started_with_xai_and_custom_server.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage6/get_started_with_xai_and_custom_server.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage6/get_started_with_xgboost_model_online.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage6/get_started_with_xgboost_model_online.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage6/stage6v2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage6/stage6v2.png -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage7/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage7/README.md -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage7/get_started_with_model_monitoring_automl.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage7/get_started_with_model_monitoring_automl.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage7/get_started_with_model_monitoring_custom.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage7/get_started_with_model_monitoring_custom.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage7/get_started_with_model_monitoring_setup.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage7/get_started_with_model_monitoring_setup.ipynb -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage7/stage7v2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage7/stage7v2.png -------------------------------------------------------------------------------- /notebooks/community/ml_ops/stage8/state8v2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/ml_ops/stage8/state8v2.png -------------------------------------------------------------------------------- /notebooks/community/model_garden/docker_source_codes/model_oss/timesfm/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/docker_source_codes/model_oss/timesfm/main.py -------------------------------------------------------------------------------- /notebooks/community/model_garden/docker_source_codes/notebook_util/gcp_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/docker_source_codes/notebook_util/gcp_utils.py -------------------------------------------------------------------------------- /notebooks/community/model_garden/gke_model_ui_deployment_notebook.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/gke_model_ui_deployment_notebook.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/gke_model_ui_deployment_notebook_auto.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/gke_model_ui_deployment_notebook_auto.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_advanced_features.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_advanced_features.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_agent_engine_llama3_1.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_agent_engine_llama3_1.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_autosxs_evaluation_llama3_1.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_autosxs_evaluation_llama3_1.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_axolotl_finetuning.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_axolotl_finetuning.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_axolotl_gemma3_finetuning.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_axolotl_gemma3_finetuning.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_axolotl_gpt_oss_finetuning.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_axolotl_gpt_oss_finetuning.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_axolotl_qwen3_finetuning.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_axolotl_qwen3_finetuning.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_camp_zipnerf.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_camp_zipnerf.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_camp_zipnerf_gradio.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_camp_zipnerf_gradio.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_deployment_tutorial.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_deployment_tutorial.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_e5.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_e5.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_finetuning_tutorial.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_finetuning_tutorial.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_gemma2_deployment_on_vertex.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_gemma2_deployment_on_vertex.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_gemma2_finetuning_on_vertex.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_gemma2_finetuning_on_vertex.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_gemma3_deployment_on_vertex.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_gemma3_deployment_on_vertex.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_gemma3n_deployment_on_vertex.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_gemma3n_deployment_on_vertex.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_gemma_deployment_on_gke.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_gemma_deployment_on_gke.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_gemma_deployment_on_vertex.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_gemma_deployment_on_vertex.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_gemma_evaluation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_gemma_evaluation.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_gemma_finetuning_on_vertex.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_gemma_finetuning_on_vertex.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_gemma_kerasnlp_to_vertexai.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_gemma_kerasnlp_to_vertexai.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_hexllm_deep_dive_tutorial.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_hexllm_deep_dive_tutorial.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_hf_paligemma2_deployment.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_hf_paligemma2_deployment.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_huggingface_local_inference.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_huggingface_local_inference.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_huggingface_tei_deployment.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_huggingface_tei_deployment.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_huggingface_tgi_deployment.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_huggingface_tgi_deployment.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_huggingface_vllm_deployment.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_huggingface_vllm_deployment.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_integration_with_agent.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_integration_with_agent.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_jax_dito.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_jax_dito.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_jax_fvlm.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_jax_fvlm.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_jax_owl_vit_v2.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_jax_owl_vit_v2.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_jax_paligemma_deployment.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_jax_paligemma_deployment.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_jax_paligemma_finetuning.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_jax_paligemma_finetuning.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_jax_stable_diffusion_xl.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_jax_stable_diffusion_xl.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_jax_vision_transformer.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_jax_vision_transformer.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_keras_stable_diffusion.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_keras_stable_diffusion.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_keras_yolov8.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_keras_yolov8.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_llama3_2_deployment_on_gke.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_llama3_2_deployment_on_gke.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_llama3_2_evaluation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_llama3_2_evaluation.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_llama_guard_deployment.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_llama_guard_deployment.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_mammut.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_mammut.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_mediapipe_face_stylizer.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_mediapipe_face_stylizer.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_mediapipe_object_detection.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_mediapipe_object_detection.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_model_cohost.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_model_cohost.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_movinet_action_recognition.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_movinet_action_recognition.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_movinet_clip_classification.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_movinet_clip_classification.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_nvidia_cosmos_deployment.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_nvidia_cosmos_deployment.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_ollama_deployment.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_ollama_deployment.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_openai_api_llama3_1.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_openai_api_llama3_1.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_openai_api_llama3_2.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_openai_api_llama3_2.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_openai_api_llama4.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_openai_api_llama4.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_phi3_deployment.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_phi3_deployment.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_phi4_deployment.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_phi4_deployment.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pipeline_templates_bert.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pipeline_templates_bert.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pipeline_templates_t5x.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pipeline_templates_t5x.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_autogluon.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_autogluon.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_bart_large_cnn.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_bart_large_cnn.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_biogpt_serve.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_biogpt_serve.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_biomedclip.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_biomedclip.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_blip2.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_blip2.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_blip_vqa.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_blip_vqa.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_clip.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_clip.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_codellama.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_codellama.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_codellama_evaluation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_codellama_evaluation.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_controlnet.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_controlnet.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_csm_deployment.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_csm_deployment.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_deepseek_deployment.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_deepseek_deployment.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_deepseek_ocr.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_deepseek_ocr.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_detectron2.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_detectron2.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_dia_1_6b.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_dia_1_6b.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_dolly_v2.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_dolly_v2.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_falcon_evaluation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_falcon_evaluation.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_falcon_instruct_peft.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_falcon_instruct_peft.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_fill_mask.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_fill_mask.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_flux.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_flux.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_flux_gradio.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_flux_gradio.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_gpt_oss_deployment.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_gpt_oss_deployment.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_hidream_i1.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_hidream_i1.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_imagebind.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_imagebind.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_instant_id.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_instant_id.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_instant_id_gradio.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_instant_id_gradio.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_instructpix2pix.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_instructpix2pix.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_lama.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_lama.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_layoutml_document_qa.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_layoutml_document_qa.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_llama2_deployment.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_llama2_deployment.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_llama2_evaluation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_llama2_evaluation.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_llama2_quantization.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_llama2_quantization.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_llama2_rlhf_tuning.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_llama2_rlhf_tuning.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_llama3_1_deployment.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_llama3_1_deployment.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_llama3_1_finetuning.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_llama3_1_finetuning.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_llama3_2_deployment.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_llama3_2_deployment.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_llama3_3_deployment.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_llama3_3_deployment.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_llama3_3_finetuning.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_llama3_3_finetuning.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_llama3_deployment.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_llama3_deployment.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_llama3_finetuning.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_llama3_finetuning.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_llama4_deployment.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_llama4_deployment.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_llava.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_llava.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_mistral_deployment.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_mistral_deployment.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_mistral_peft_tuning.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_mistral_peft_tuning.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_mixtral_deployment.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_mixtral_deployment.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_mixtral_peft_tuning.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_mixtral_peft_tuning.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_nllb.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_nllb.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_open_clip.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_open_clip.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_openllama_peft.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_openllama_peft.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_owlvit.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_owlvit.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_peft.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_peft.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_pic2word.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_pic2word.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_qwen2_5_finetuning.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_qwen2_5_finetuning.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_qwen2_deployment.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_qwen2_deployment.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_qwen3_deployment.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_qwen3_deployment.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_qwen3_vl.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_qwen3_vl.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_qwen_image.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_qwen_image.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_qwq_deployment.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_qwq_deployment.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_sam.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_sam.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_sd_2_1_deployment.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_sd_2_1_deployment.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_starcoder.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_starcoder.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_vicuna.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_vicuna.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_vilt_vqa.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_vilt_vqa.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_wizard_coder.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_wizard_coder.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_wizard_lm.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_wizard_lm.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_pytorch_zipnerf.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_pytorch_zipnerf.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_rag.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_rag.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_reasoning_engine_llama3_1.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_reasoning_engine_llama3_1.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_remote_sensing_deployment.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_remote_sensing_deployment.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_reservations_spotvm.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_reservations_spotvm.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_shieldgemma2_local_inference.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_shieldgemma2_local_inference.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_t5gemma_local_inference.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_t5gemma_local_inference.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_tfvision_image_segmentation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_tfvision_image_segmentation.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_timesfm_deployment_on_vertex.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_timesfm_deployment_on_vertex.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_video_object_tracking_serve.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_video_object_tracking_serve.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_vllm_multimodal_tutorial.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_vllm_multimodal_tutorial.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_vllm_text_only_tutorial.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_vllm_text_only_tutorial.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_vllm_tpu_qwen3_deployment.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_vllm_tpu_qwen3_deployment.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_weather_prediction_on_vertex.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_weather_prediction_on_vertex.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_xdit_cogvideox_2b.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_xdit_cogvideox_2b.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_xdit_wan2_1.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_xdit_wan2_1.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/model_garden_xdit_wan2_2.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/model_garden_xdit_wan2_2.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_garden/synthetic_data_generation_using_llama3_1.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_garden/synthetic_data_generation_using_llama3_1.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_registry/bqml_vertexai_model_registry.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_registry/bqml_vertexai_model_registry.ipynb -------------------------------------------------------------------------------- /notebooks/community/model_registry/get_started_with_vertex_ai_deployer.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/model_registry/get_started_with_vertex_ai_deployer.ipynb -------------------------------------------------------------------------------- /notebooks/community/neo4j/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/neo4j/README.md -------------------------------------------------------------------------------- /notebooks/community/neo4j/graph_paysim.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/neo4j/graph_paysim.ipynb -------------------------------------------------------------------------------- /notebooks/community/persistent_resource/training_code/mpg_container/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/persistent_resource/training_code/mpg_container/Dockerfile -------------------------------------------------------------------------------- /notebooks/community/reduction_server/distributed-training-reduction-server.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/reduction_server/distributed-training-reduction-server.ipynb -------------------------------------------------------------------------------- /notebooks/community/sdk/SDK_AutoML_Forecasting_Model_Training_Example.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/sdk/SDK_AutoML_Forecasting_Model_Training_Example.ipynb -------------------------------------------------------------------------------- /notebooks/community/sdk/SDK_AutoML_Image_Classification_Training_with_CMEK.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/sdk/SDK_AutoML_Image_Classification_Training_with_CMEK.ipynb -------------------------------------------------------------------------------- /notebooks/community/sdk/SDK_AutoML_Text_Extraction_Training.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/sdk/SDK_AutoML_Text_Extraction_Training.ipynb -------------------------------------------------------------------------------- /notebooks/community/sdk/SDK_AutoML_Video_Action_Recognition.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/sdk/SDK_AutoML_Video_Action_Recognition.ipynb -------------------------------------------------------------------------------- /notebooks/community/sdk/SDK_BigQuery_Custom_Container_Training.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/sdk/SDK_BigQuery_Custom_Container_Training.ipynb -------------------------------------------------------------------------------- /notebooks/community/sdk/SDK_Custom_Training_with_Unmanaged_Image_Dataset.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/sdk/SDK_Custom_Training_with_Unmanaged_Image_Dataset.ipynb -------------------------------------------------------------------------------- /notebooks/community/sdk/SDK_End_to_End_Tabular_Custom_Training.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/sdk/SDK_End_to_End_Tabular_Custom_Training.ipynb -------------------------------------------------------------------------------- /notebooks/community/sdk/SDK_Explainable_AI_Custom_Tabular.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/sdk/SDK_Explainable_AI_Custom_Tabular.ipynb -------------------------------------------------------------------------------- /notebooks/community/sdk/SDK_FBProphet_Forecasting_Online.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/sdk/SDK_FBProphet_Forecasting_Online.ipynb -------------------------------------------------------------------------------- /notebooks/community/sdk/SDK_Tabular_Custom_Model_Training_asynchronous.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/sdk/SDK_Tabular_Custom_Model_Training_asynchronous.ipynb -------------------------------------------------------------------------------- /notebooks/community/sdk/sdk_automl_forecasting_evaluating_a_model.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/sdk/sdk_automl_forecasting_evaluating_a_model.ipynb -------------------------------------------------------------------------------- /notebooks/community/sdk/sdk_automl_image_classification_batch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/sdk/sdk_automl_image_classification_batch.ipynb -------------------------------------------------------------------------------- /notebooks/community/sdk/sdk_automl_image_classification_online.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/sdk/sdk_automl_image_classification_online.ipynb -------------------------------------------------------------------------------- /notebooks/community/sdk/sdk_automl_image_classification_online_export_edge.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/sdk/sdk_automl_image_classification_online_export_edge.ipynb -------------------------------------------------------------------------------- /notebooks/community/sdk/sdk_automl_image_object_detection_batch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/sdk/sdk_automl_image_object_detection_batch.ipynb -------------------------------------------------------------------------------- /notebooks/community/sdk/sdk_automl_image_object_detection_online.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/sdk/sdk_automl_image_object_detection_online.ipynb -------------------------------------------------------------------------------- /notebooks/community/sdk/sdk_automl_tabular_binary_classification_batch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/sdk/sdk_automl_tabular_binary_classification_batch.ipynb -------------------------------------------------------------------------------- /notebooks/community/sdk/sdk_automl_tabular_binary_classification_online.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/sdk/sdk_automl_tabular_binary_classification_online.ipynb -------------------------------------------------------------------------------- /notebooks/community/sdk/sdk_automl_tabular_classification_online_explain.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/sdk/sdk_automl_tabular_classification_online_explain.ipynb -------------------------------------------------------------------------------- /notebooks/community/sdk/sdk_automl_tabular_forecasting_batch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/sdk/sdk_automl_tabular_forecasting_batch.ipynb -------------------------------------------------------------------------------- /notebooks/community/sdk/sdk_automl_tabular_regression_online_bq.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/sdk/sdk_automl_tabular_regression_online_bq.ipynb -------------------------------------------------------------------------------- /notebooks/community/sdk/sdk_automl_text_classification_batch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/sdk/sdk_automl_text_classification_batch.ipynb -------------------------------------------------------------------------------- /notebooks/community/sdk/sdk_automl_text_classification_online.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/sdk/sdk_automl_text_classification_online.ipynb -------------------------------------------------------------------------------- /notebooks/community/sdk/sdk_automl_text_entity_extraction_batch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/sdk/sdk_automl_text_entity_extraction_batch.ipynb -------------------------------------------------------------------------------- /notebooks/community/sdk/sdk_automl_text_sentiment_analysis_batch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/sdk/sdk_automl_text_sentiment_analysis_batch.ipynb -------------------------------------------------------------------------------- /notebooks/community/sdk/sdk_custom_image_classification_batch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/sdk/sdk_custom_image_classification_batch.ipynb -------------------------------------------------------------------------------- /notebooks/community/sdk/sdk_custom_image_classification_batch_explain.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/sdk/sdk_custom_image_classification_batch_explain.ipynb -------------------------------------------------------------------------------- /notebooks/community/sdk/sdk_custom_image_classification_online.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/sdk/sdk_custom_image_classification_online.ipynb -------------------------------------------------------------------------------- /notebooks/community/sdk/sdk_custom_image_classification_online_explain.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/sdk/sdk_custom_image_classification_online_explain.ipynb -------------------------------------------------------------------------------- /notebooks/community/sdk/sdk_custom_image_classification_online_tfserving.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/sdk/sdk_custom_image_classification_online_tfserving.ipynb -------------------------------------------------------------------------------- /notebooks/community/sdk/sdk_custom_tabular_regression_batch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/sdk/sdk_custom_tabular_regression_batch.ipynb -------------------------------------------------------------------------------- /notebooks/community/sdk/sdk_custom_tabular_regression_batch_explain.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/sdk/sdk_custom_tabular_regression_batch_explain.ipynb -------------------------------------------------------------------------------- /notebooks/community/sdk/sdk_custom_tabular_regression_online.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/sdk/sdk_custom_tabular_regression_online.ipynb -------------------------------------------------------------------------------- /notebooks/community/sdk/sdk_custom_tabular_regression_online_explain.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/sdk/sdk_custom_tabular_regression_online_explain.ipynb -------------------------------------------------------------------------------- /notebooks/community/sdk/sdk_private_endpoint.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/sdk/sdk_private_endpoint.ipynb -------------------------------------------------------------------------------- /notebooks/community/sdk/sdk_pytorch_lightning_custom_container_training.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/sdk/sdk_pytorch_lightning_custom_container_training.ipynb -------------------------------------------------------------------------------- /notebooks/community/tensorboard/get_started.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/tensorboard/get_started.ipynb -------------------------------------------------------------------------------- /notebooks/community/vertex_endpoints/optimized_tensorflow_runtime/benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/vertex_endpoints/optimized_tensorflow_runtime/benchmark.py -------------------------------------------------------------------------------- /notebooks/community/vertex_endpoints/torchserve/dreambooth_stablediffusion.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/vertex_endpoints/torchserve/dreambooth_stablediffusion.ipynb -------------------------------------------------------------------------------- /notebooks/community/vision/image_warehouse_sdk.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/vision/image_warehouse_sdk.ipynb -------------------------------------------------------------------------------- /notebooks/community/vision/video_warehouse_curl.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/vision/video_warehouse_curl.ipynb -------------------------------------------------------------------------------- /notebooks/community/vision/video_warehouse_sdk.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/vision/video_warehouse_sdk.ipynb -------------------------------------------------------------------------------- /notebooks/community/workbench/telecom-subscriber-churn-prediction.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/community/workbench/telecom-subscriber-churn-prediction.ipynb -------------------------------------------------------------------------------- /notebooks/notebook_template.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/notebook_template.ipynb -------------------------------------------------------------------------------- /notebooks/notebook_template_review.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/notebook_template_review.py -------------------------------------------------------------------------------- /notebooks/notebook_template_writing_guidelines.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/notebook_template_writing_guidelines.md -------------------------------------------------------------------------------- /notebooks/official/CODEOWNERS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/CODEOWNERS -------------------------------------------------------------------------------- /notebooks/official/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/README.md -------------------------------------------------------------------------------- /notebooks/official/automl/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/automl/README.md -------------------------------------------------------------------------------- /notebooks/official/automl/automl-tabular-classification.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/automl/automl-tabular-classification.ipynb -------------------------------------------------------------------------------- /notebooks/official/automl/automl_forecasting_on_vertex_pipelines.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/automl/automl_forecasting_on_vertex_pipelines.ipynb -------------------------------------------------------------------------------- /notebooks/official/automl/automl_image_classification_batch_prediction.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/automl/automl_image_classification_batch_prediction.ipynb -------------------------------------------------------------------------------- /notebooks/official/automl/automl_image_classification_online_prediction.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/automl/automl_image_classification_online_prediction.ipynb -------------------------------------------------------------------------------- /notebooks/official/automl/automl_image_object_detection_export_edge.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/automl/automl_image_object_detection_export_edge.ipynb -------------------------------------------------------------------------------- /notebooks/official/automl/automl_image_object_detection_online_prediction.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/automl/automl_image_object_detection_online_prediction.ipynb -------------------------------------------------------------------------------- /notebooks/official/automl/automl_tabular_on_vertex_pipelines.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/automl/automl_tabular_on_vertex_pipelines.ipynb -------------------------------------------------------------------------------- /notebooks/official/automl/automl_text_entity_extraction_batch_prediction.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/automl/automl_text_entity_extraction_batch_prediction.ipynb -------------------------------------------------------------------------------- /notebooks/official/automl/get_started_automl_training.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/automl/get_started_automl_training.ipynb -------------------------------------------------------------------------------- /notebooks/official/automl/sdk_automl_forecasting_hierarchical_batch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/automl/sdk_automl_forecasting_hierarchical_batch.ipynb -------------------------------------------------------------------------------- /notebooks/official/automl/sdk_automl_image_object_detection_batch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/automl/sdk_automl_image_object_detection_batch.ipynb -------------------------------------------------------------------------------- /notebooks/official/automl/sdk_automl_tabular_forecasting_batch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/automl/sdk_automl_tabular_forecasting_batch.ipynb -------------------------------------------------------------------------------- /notebooks/official/automl/sdk_automl_tabular_regression_batch_bq.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/automl/sdk_automl_tabular_regression_batch_bq.ipynb -------------------------------------------------------------------------------- /notebooks/official/automl/sdk_automl_tabular_regression_online_bq.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/automl/sdk_automl_tabular_regression_online_bq.ipynb -------------------------------------------------------------------------------- /notebooks/official/bigquery_ml/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/bigquery_ml/README.md -------------------------------------------------------------------------------- /notebooks/official/bigquery_ml/get_started_with_bqml_training.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/bigquery_ml/get_started_with_bqml_training.ipynb -------------------------------------------------------------------------------- /notebooks/official/custom/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/custom/README.md -------------------------------------------------------------------------------- /notebooks/official/custom/SDK_Custom_Container_Prediction.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/custom/SDK_Custom_Container_Prediction.ipynb -------------------------------------------------------------------------------- /notebooks/official/custom/custom-tabular-bq-managed-dataset.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/custom/custom-tabular-bq-managed-dataset.ipynb -------------------------------------------------------------------------------- /notebooks/official/custom/custom_training_container_and_model_registry.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/custom/custom_training_container_and_model_registry.ipynb -------------------------------------------------------------------------------- /notebooks/official/custom/custom_training_tensorboard_profiler.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/custom/custom_training_tensorboard_profiler.ipynb -------------------------------------------------------------------------------- /notebooks/official/custom/get_started_vertex_training_xgboost.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/custom/get_started_vertex_training_xgboost.ipynb -------------------------------------------------------------------------------- /notebooks/official/custom/get_started_with_vertex_endpoint_and_shared_vm.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/custom/get_started_with_vertex_endpoint_and_shared_vm.ipynb -------------------------------------------------------------------------------- /notebooks/official/custom/sdk-custom-image-classification-batch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/custom/sdk-custom-image-classification-batch.ipynb -------------------------------------------------------------------------------- /notebooks/official/custom/sdk-custom-image-classification-online.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/custom/sdk-custom-image-classification-online.ipynb -------------------------------------------------------------------------------- /notebooks/official/datasets/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/datasets/README.md -------------------------------------------------------------------------------- /notebooks/official/datasets/get_started_bq_datasets.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/datasets/get_started_bq_datasets.ipynb -------------------------------------------------------------------------------- /notebooks/official/datasets/get_started_with_data_labeling.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/datasets/get_started_with_data_labeling.ipynb -------------------------------------------------------------------------------- /notebooks/official/experiments/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/experiments/README.md -------------------------------------------------------------------------------- /notebooks/official/experiments/comparing_local_trained_models.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/experiments/comparing_local_trained_models.ipynb -------------------------------------------------------------------------------- /notebooks/official/experiments/comparing_pipeline_runs.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/experiments/comparing_pipeline_runs.ipynb -------------------------------------------------------------------------------- /notebooks/official/experiments/delete_outdated_tensorboard_experiments.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/experiments/delete_outdated_tensorboard_experiments.ipynb -------------------------------------------------------------------------------- /notebooks/official/experiments/get_started_with_vertex_experiments.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/experiments/get_started_with_vertex_experiments.ipynb -------------------------------------------------------------------------------- /notebooks/official/explainable_ai/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/explainable_ai/README.md -------------------------------------------------------------------------------- /notebooks/official/feature_store/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/feature_store/README.md -------------------------------------------------------------------------------- /notebooks/official/feature_store/feature_monitoring_with_feature_registry.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/feature_store/feature_monitoring_with_feature_registry.ipynb -------------------------------------------------------------------------------- /notebooks/official/feature_store/vertex_ai_feature_store_iam_policy.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/feature_store/vertex_ai_feature_store_iam_policy.ipynb -------------------------------------------------------------------------------- /notebooks/official/feature_store_legacy/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/feature_store_legacy/README.md -------------------------------------------------------------------------------- /notebooks/official/feature_store_legacy/sdk-feature-store-pandas.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/feature_store_legacy/sdk-feature-store-pandas.ipynb -------------------------------------------------------------------------------- /notebooks/official/feature_store_legacy/sdk-feature-store.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/feature_store_legacy/sdk-feature-store.ipynb -------------------------------------------------------------------------------- /notebooks/official/forecasting/starry_net_pipeline.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/forecasting/starry_net_pipeline.ipynb -------------------------------------------------------------------------------- /notebooks/official/generative_ai/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/generative_ai/README.md -------------------------------------------------------------------------------- /notebooks/official/generative_ai/ai21labs_intro.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/generative_ai/ai21labs_intro.ipynb -------------------------------------------------------------------------------- /notebooks/official/generative_ai/anthropic_claude_3_intro.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/generative_ai/anthropic_claude_3_intro.ipynb -------------------------------------------------------------------------------- /notebooks/official/generative_ai/anthropic_claude_intro.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/generative_ai/anthropic_claude_intro.ipynb -------------------------------------------------------------------------------- /notebooks/official/generative_ai/batch_eval_llm.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/generative_ai/batch_eval_llm.ipynb -------------------------------------------------------------------------------- /notebooks/official/generative_ai/cambai_intro.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/generative_ai/cambai_intro.ipynb -------------------------------------------------------------------------------- /notebooks/official/generative_ai/csm_intro.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/generative_ai/csm_intro.ipynb -------------------------------------------------------------------------------- /notebooks/official/generative_ai/distillation.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/generative_ai/distillation.ipynb -------------------------------------------------------------------------------- /notebooks/official/generative_ai/mistralai_intro.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/generative_ai/mistralai_intro.ipynb -------------------------------------------------------------------------------- /notebooks/official/generative_ai/mistralai_ocr.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/generative_ai/mistralai_ocr.ipynb -------------------------------------------------------------------------------- /notebooks/official/generative_ai/nvidia_nim_vertexai.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/generative_ai/nvidia_nim_vertexai.ipynb -------------------------------------------------------------------------------- /notebooks/official/generative_ai/qodo_intro.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/generative_ai/qodo_intro.ipynb -------------------------------------------------------------------------------- /notebooks/official/generative_ai/rlhf_tune_llm.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/generative_ai/rlhf_tune_llm.ipynb -------------------------------------------------------------------------------- /notebooks/official/generative_ai/text_embedding_new_api.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/generative_ai/text_embedding_new_api.ipynb -------------------------------------------------------------------------------- /notebooks/official/generative_ai/text_embeddings.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/generative_ai/text_embeddings.ipynb -------------------------------------------------------------------------------- /notebooks/official/generative_ai/tune_peft.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/generative_ai/tune_peft.ipynb -------------------------------------------------------------------------------- /notebooks/official/generative_ai/tuned_text-embeddings.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/generative_ai/tuned_text-embeddings.ipynb -------------------------------------------------------------------------------- /notebooks/official/generative_ai/vertex_sdk_llm_snippets.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/generative_ai/vertex_sdk_llm_snippets.ipynb -------------------------------------------------------------------------------- /notebooks/official/generative_ai/virtueai_intro.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/generative_ai/virtueai_intro.ipynb -------------------------------------------------------------------------------- /notebooks/official/migration/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/migration/README.md -------------------------------------------------------------------------------- /notebooks/official/migration/sdk-automl-image-classification-batch-online.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/migration/sdk-automl-image-classification-batch-online.ipynb -------------------------------------------------------------------------------- /notebooks/official/migration/sdk-custom-scikit-learn-prebuilt-container.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/migration/sdk-custom-scikit-learn-prebuilt-container.ipynb -------------------------------------------------------------------------------- /notebooks/official/migration/sdk-custom-xgboost-prebuilt-container.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/migration/sdk-custom-xgboost-prebuilt-container.ipynb -------------------------------------------------------------------------------- /notebooks/official/migration/sdk-hyperparameter-tuning.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/migration/sdk-hyperparameter-tuning.ipynb -------------------------------------------------------------------------------- /notebooks/official/ml_metadata/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/ml_metadata/README.md -------------------------------------------------------------------------------- /notebooks/official/ml_metadata/get_started_with_google_artifact_registry.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/ml_metadata/get_started_with_google_artifact_registry.ipynb -------------------------------------------------------------------------------- /notebooks/official/ml_metadata/vertex-pipelines-ml-metadata.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/ml_metadata/vertex-pipelines-ml-metadata.ipynb -------------------------------------------------------------------------------- /notebooks/official/model_evaluation/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/model_evaluation/README.md -------------------------------------------------------------------------------- /notebooks/official/model_monitoring/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/model_monitoring/README.md -------------------------------------------------------------------------------- /notebooks/official/model_monitoring/batch_prediction_model_monitoring.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/model_monitoring/batch_prediction_model_monitoring.ipynb -------------------------------------------------------------------------------- /notebooks/official/model_monitoring/model_monitoring.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/model_monitoring/model_monitoring.ipynb -------------------------------------------------------------------------------- /notebooks/official/model_registry/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/model_registry/README.md -------------------------------------------------------------------------------- /notebooks/official/model_registry/get_started_with_model_registry.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/model_registry/get_started_with_model_registry.ipynb -------------------------------------------------------------------------------- /notebooks/official/pipelines/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/pipelines/README.md -------------------------------------------------------------------------------- /notebooks/official/pipelines/automl_tabular_classification_beans.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/pipelines/automl_tabular_classification_beans.ipynb -------------------------------------------------------------------------------- /notebooks/official/pipelines/challenger_vs_blessed_deployment_method.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/pipelines/challenger_vs_blessed_deployment_method.ipynb -------------------------------------------------------------------------------- /notebooks/official/pipelines/control_flow_kfp.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/pipelines/control_flow_kfp.ipynb -------------------------------------------------------------------------------- /notebooks/official/pipelines/custom_model_training_and_batch_prediction.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/pipelines/custom_model_training_and_batch_prediction.ipynb -------------------------------------------------------------------------------- /notebooks/official/pipelines/custom_tabular_train_batch_pred_bq_pipeline.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/pipelines/custom_tabular_train_batch_pred_bq_pipeline.ipynb -------------------------------------------------------------------------------- /notebooks/official/pipelines/get_started_with_hpt_pipeline_components.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/pipelines/get_started_with_hpt_pipeline_components.ipynb -------------------------------------------------------------------------------- /notebooks/official/pipelines/get_started_with_machine_management.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/pipelines/get_started_with_machine_management.ipynb -------------------------------------------------------------------------------- /notebooks/official/pipelines/google_cloud_pipeline_components_bqml_text.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/pipelines/google_cloud_pipeline_components_bqml_text.ipynb -------------------------------------------------------------------------------- /notebooks/official/pipelines/kfp2_pipeline.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/pipelines/kfp2_pipeline.ipynb -------------------------------------------------------------------------------- /notebooks/official/pipelines/lightweight_functions_component_io_kfp.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/pipelines/lightweight_functions_component_io_kfp.ipynb -------------------------------------------------------------------------------- /notebooks/official/pipelines/metrics_viz_run_compare_kfp.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/pipelines/metrics_viz_run_compare_kfp.ipynb -------------------------------------------------------------------------------- /notebooks/official/pipelines/multicontender_vs_champion_deployment_method.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/pipelines/multicontender_vs_champion_deployment_method.ipynb -------------------------------------------------------------------------------- /notebooks/official/pipelines/pipelines_intro_kfp.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/pipelines/pipelines_intro_kfp.ipynb -------------------------------------------------------------------------------- /notebooks/official/pipelines/rapid_prototyping_bqml_automl.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/pipelines/rapid_prototyping_bqml_automl.ipynb -------------------------------------------------------------------------------- /notebooks/official/pipelines/sample_data/california_housing_test.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/pipelines/sample_data/california_housing_test.csv -------------------------------------------------------------------------------- /notebooks/official/pipelines/sample_data/california_housing_train.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/pipelines/sample_data/california_housing_train.csv -------------------------------------------------------------------------------- /notebooks/official/prediction/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/prediction/README.md -------------------------------------------------------------------------------- /notebooks/official/prediction/custom_batch_prediction_feature_filter.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/prediction/custom_batch_prediction_feature_filter.ipynb -------------------------------------------------------------------------------- /notebooks/official/prediction/get_started_with_dedicated_endpoint.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/prediction/get_started_with_dedicated_endpoint.ipynb -------------------------------------------------------------------------------- /notebooks/official/prediction/get_started_with_nvidia_triton_serving.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/prediction/get_started_with_nvidia_triton_serving.ipynb -------------------------------------------------------------------------------- /notebooks/official/prediction/get_started_with_psc_private_endpoint.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/prediction/get_started_with_psc_private_endpoint.ipynb -------------------------------------------------------------------------------- /notebooks/official/prediction/get_started_with_raw_predict.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/prediction/get_started_with_raw_predict.ipynb -------------------------------------------------------------------------------- /notebooks/official/prediction/get_started_with_tf_serving.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/prediction/get_started_with_tf_serving.ipynb -------------------------------------------------------------------------------- /notebooks/official/prediction/get_started_with_vertex_private_endpoints.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/prediction/get_started_with_vertex_private_endpoints.ipynb -------------------------------------------------------------------------------- /notebooks/official/prediction/llm_streaming_prediction.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/prediction/llm_streaming_prediction.ipynb -------------------------------------------------------------------------------- /notebooks/official/prediction/sdk_private_endpoint.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/prediction/sdk_private_endpoint.ipynb -------------------------------------------------------------------------------- /notebooks/official/prediction/vertexai_serving_vllm/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/prediction/vertexai_serving_vllm/README.md -------------------------------------------------------------------------------- /notebooks/official/prediction/vertexai_serving_vllm/cloud-build/cloudbuild.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/prediction/vertexai_serving_vllm/cloud-build/cloudbuild.yaml -------------------------------------------------------------------------------- /notebooks/official/prediction/vertexai_serving_vllm/cloud-build/dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/prediction/vertexai_serving_vllm/cloud-build/dockerfile -------------------------------------------------------------------------------- /notebooks/official/prediction/vertexai_serving_vllm/cloud-build/entrypoint.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/prediction/vertexai_serving_vllm/cloud-build/entrypoint.sh -------------------------------------------------------------------------------- /notebooks/official/ray_on_vertex_ai/get_started_with_pytorch_rov.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/ray_on_vertex_ai/get_started_with_pytorch_rov.ipynb -------------------------------------------------------------------------------- /notebooks/official/ray_on_vertex_ai/ray_cluster_management.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/ray_on_vertex_ai/ray_cluster_management.ipynb -------------------------------------------------------------------------------- /notebooks/official/ray_on_vertex_ai/spark_on_ray_on_vertex_ai.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/ray_on_vertex_ai/spark_on_ray_on_vertex_ai.ipynb -------------------------------------------------------------------------------- /notebooks/official/reduction_server/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/reduction_server/README.md -------------------------------------------------------------------------------- /notebooks/official/sdk/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/sdk/README.md -------------------------------------------------------------------------------- /notebooks/official/tabnet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/tabnet/README.md -------------------------------------------------------------------------------- /notebooks/official/tabnet/ai-explanations-tabnet-algorithm.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/tabnet/ai-explanations-tabnet-algorithm.ipynb -------------------------------------------------------------------------------- /notebooks/official/tabular_workflows/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/tabular_workflows/README.md -------------------------------------------------------------------------------- /notebooks/official/tabular_workflows/bqml_arima_plus.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/tabular_workflows/bqml_arima_plus.ipynb -------------------------------------------------------------------------------- /notebooks/official/tabular_workflows/prophet_on_vertex_pipelines.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/tabular_workflows/prophet_on_vertex_pipelines.ipynb -------------------------------------------------------------------------------- /notebooks/official/tabular_workflows/tabnet_on_vertex_pipelines.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/tabular_workflows/tabnet_on_vertex_pipelines.ipynb -------------------------------------------------------------------------------- /notebooks/official/tabular_workflows/wide_and_deep_on_vertex_pipelines.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/tabular_workflows/wide_and_deep_on_vertex_pipelines.ipynb -------------------------------------------------------------------------------- /notebooks/official/tensorboard/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/tensorboard/README.md -------------------------------------------------------------------------------- /notebooks/official/tensorboard/tensorboard_profiler_custom_training.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/tensorboard/tensorboard_profiler_custom_training.ipynb -------------------------------------------------------------------------------- /notebooks/official/tensorboard/tensorboard_vertex_ai_pipelines_integration.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/tensorboard/tensorboard_vertex_ai_pipelines_integration.ipynb -------------------------------------------------------------------------------- /notebooks/official/training/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/training/README.md -------------------------------------------------------------------------------- /notebooks/official/training/distributed_hyperparameter_tuning.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/training/distributed_hyperparameter_tuning.ipynb -------------------------------------------------------------------------------- /notebooks/official/training/get_started_vertex_training_lightgbm.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/training/get_started_vertex_training_lightgbm.ipynb -------------------------------------------------------------------------------- /notebooks/official/training/get_started_with_vertex_distributed_training.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/training/get_started_with_vertex_distributed_training.ipynb -------------------------------------------------------------------------------- /notebooks/official/training/hyperparameter_tuning_tensorflow.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/training/hyperparameter_tuning_tensorflow.ipynb -------------------------------------------------------------------------------- /notebooks/official/training/hyperparameter_tuning_xgboost.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/training/hyperparameter_tuning_xgboost.ipynb -------------------------------------------------------------------------------- /notebooks/official/training/pytorch_gcs_data_training.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/training/pytorch_gcs_data_training.ipynb -------------------------------------------------------------------------------- /notebooks/official/training/tpuv5e_gemma_peft_finetuning_and_serving.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/training/tpuv5e_gemma_peft_finetuning_and_serving.ipynb -------------------------------------------------------------------------------- /notebooks/official/training/tpuv5e_llama2_pytorch_finetuning_and_serving.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/training/tpuv5e_llama2_pytorch_finetuning_and_serving.ipynb -------------------------------------------------------------------------------- /notebooks/official/training/tuning_results.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/training/tuning_results.png -------------------------------------------------------------------------------- /notebooks/official/vector_search/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/vector_search/README.md -------------------------------------------------------------------------------- /notebooks/official/vector_search/sdk_vector_search_for_indexing.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/vector_search/sdk_vector_search_for_indexing.ipynb -------------------------------------------------------------------------------- /notebooks/official/vizier/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/vizier/README.md -------------------------------------------------------------------------------- /notebooks/official/vizier/gapic-vizier-multi-objective-optimization.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/vizier/gapic-vizier-multi-objective-optimization.ipynb -------------------------------------------------------------------------------- /notebooks/official/vizier/get_started_vertex_vizier.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/vizier/get_started_vertex_vizier.ipynb -------------------------------------------------------------------------------- /notebooks/official/workbench/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/workbench/README.md -------------------------------------------------------------------------------- /notebooks/official/workbench/ads_targetting/images/Bigquery_UI_new.PNG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/workbench/ads_targetting/images/Bigquery_UI_new.PNG -------------------------------------------------------------------------------- /notebooks/official/workbench/ads_targetting/images/executor.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/workbench/ads_targetting/images/executor.png -------------------------------------------------------------------------------- /notebooks/official/workbench/ads_targetting/images/executor_input_parameters.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/workbench/ads_targetting/images/executor_input_parameters.png -------------------------------------------------------------------------------- /notebooks/official/workbench/ads_targetting/images/executor_scheduled_runs2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/workbench/ads_targetting/images/executor_scheduled_runs2.png -------------------------------------------------------------------------------- /notebooks/official/workbench/delete_this_placeholder.txt: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /notebooks/official/workbench/demand_forecasting/forecasting-retail-demand.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/workbench/demand_forecasting/forecasting-retail-demand.ipynb -------------------------------------------------------------------------------- /notebooks/official/workbench/demand_forecasting/images/exe_form.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/workbench/demand_forecasting/images/exe_form.png -------------------------------------------------------------------------------- /notebooks/official/workbench/demand_forecasting/images/list_execution.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/workbench/demand_forecasting/images/list_execution.png -------------------------------------------------------------------------------- /notebooks/official/workbench/demand_forecasting/images/list_schedule.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/workbench/demand_forecasting/images/list_schedule.png -------------------------------------------------------------------------------- /notebooks/official/workbench/demand_forecasting/images/navbar_exe.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/workbench/demand_forecasting/images/navbar_exe.png -------------------------------------------------------------------------------- /notebooks/official/workbench/demand_forecasting/images/python3_env_selection.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/workbench/demand_forecasting/images/python3_env_selection.png -------------------------------------------------------------------------------- /notebooks/official/workbench/demand_forecasting/images/schedule.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/workbench/demand_forecasting/images/schedule.png -------------------------------------------------------------------------------- /notebooks/official/workbench/demand_forecasting/images/side_nav.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/workbench/demand_forecasting/images/side_nav.png -------------------------------------------------------------------------------- /notebooks/official/workbench/fraud_detection/fraud-detection-model.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/workbench/fraud_detection/fraud-detection-model.ipynb -------------------------------------------------------------------------------- /notebooks/official/workbench/inventory-prediction/images/Datapoint_editor.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/workbench/inventory-prediction/images/Datapoint_editor.png -------------------------------------------------------------------------------- /notebooks/official/workbench/inventory-prediction/images/features.PNG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/workbench/inventory-prediction/images/features.PNG -------------------------------------------------------------------------------- /notebooks/official/workbench/inventory-prediction/inventory_prediction.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/workbench/inventory-prediction/inventory_prediction.ipynb -------------------------------------------------------------------------------- /notebooks/official/workbench/predictive_maintainance/images/executor.PNG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/workbench/predictive_maintainance/images/executor.PNG -------------------------------------------------------------------------------- /notebooks/official/workbench/pricing_optimization/pricing-optimization.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/workbench/pricing_optimization/pricing-optimization.ipynb -------------------------------------------------------------------------------- /notebooks/official/workbench/spark/spark_bigquery.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/workbench/spark/spark_bigquery.ipynb -------------------------------------------------------------------------------- /notebooks/official/workbench/spark/spark_ml.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/notebooks/official/workbench/spark/spark_ml.ipynb -------------------------------------------------------------------------------- /renovate.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/GoogleCloudPlatform/vertex-ai-samples/HEAD/renovate.json --------------------------------------------------------------------------------