Skip to content

Latest commit

 

History

History
1000 lines (578 loc) · 34.7 KB

examples.rst

File metadata and controls

1000 lines (578 loc) · 34.7 KB

Ray Examples

1 2 2 2

Blog

https://www.anyscale.com/blog/ray-common-production-challenges-for-generative-ai-infrastructure

How Ray solves common production challenges for generative AI infrastructure

Blog

https://www.anyscale.com/blog/training-175b-parameter-language-models-at-1000-gpu-scale-with-alpa-and-ray

Training 175B Parameter Language Models at 1000 GPU scale with Alpa and Ray

Blog

Blog

https://www.anyscale.com/blog/how-to-fine-tune-and-serve-llms-simply-quickly-and-cost-effectively-using

How to fine tune and serve LLMs simply, quickly and cost effectively using Ray + DeepSpeed + HuggingFace

Code example

/ray-air/examples/gptj_deepspeed_fine_tuning

GPT-J-6B Fine-Tuning with Ray AIR and DeepSpeed

Tutorial

/ray-air/examples/convert_existing_pytorch_code_to_ray_air

Get started with Ray AIR from an existing PyTorch codebase

Tutorial

/ray-air/examples/convert_existing_tf_code_to_ray_air

Get started with Ray AIR from an existing Tensorflow/Keras

Code example

/ray-air/examples/lightgbm_example

Distributed training with LightGBM

Tutorial

/ray-air/examples/xgboost_example

Distributed training with XGBoost

Tutorial

/ray-air/examples/analyze_tuning_results

Distributed tuning with XGBoost

Code example

/ray-air/examples/sklearn_example

Integrating with Scikit-Learn (non-distributed)

Code example

/ray-air/examples/automl_with_ray_air

Build an AutoML system for time-series forecasting with Ray AIR

Code example

/ray-air/examples/batch_tuning

Perform batch tuning on NYC Taxi Dataset with Ray AIR

Code example

/ray-air/examples/batch_forecasting

Perform batch forecasting on NYC Taxi Dataset with Prophet, ARIMA and Ray AIR

Code example

/ray-air/examples/gptj_deepspeed_fine_tuning

How to use Ray AIR to run Hugging Face Transformers with DeepSpeed for fine-tuning a large model

Code example

/ray-air/examples/gptj_batch_prediction

How to use Ray AIR to do batch prediction with the Hugging Face Transformers GPT-J model

Code example

/ray-air/examples/gptj_serving

How to use Ray AIR to do online serving with the Hugging Face Transformers GPT-J model

Code example

/ray-air/examples/dreambooth_finetuning

How to fine-tune a DreamBooth text-to-image model with your own images.

Code example

/ray-air/examples/dolly_lightning_fsdp_finetuning

How to fine-tune a dolly-v2-7b model with Ray AIR LightningTrainer and FSDP

Code example

/ray-air/examples/torch_image_example

Torch Image Classification Example with Ray AIR

Code example

/ray-air/examples/torch_detection

Torch Object Detection Example with Ray AIR

Code example

/data/examples/pytorch_resnet_batch_prediction

Image Classification Batch Inference with PyTorch ResNet152

Code example

/ray-air/examples/stablediffusion_batch_prediction

How to use Ray AIR to do batch prediction with the Stable Diffusion text-to-image model

Code example

/data/examples/batch_inference_object_detection

Object Detection Batch Inference with PyTorch FasterRCNN_ResNet50

Code example

/data/examples/pytorch_resnet_batch_prediction

Image Classification Batch Inference with PyTorch ResNet18

Code example

/data/examples/huggingface_vit_batch_prediction

Image Classification Batch Inference with Huggingface Vision Transformer

Code example

/ray-air/examples/upload_to_comet_ml

How to log results and upload models to Comet ML

Code example

/ray-air/examples/upload_to_wandb

How to log results and upload models to Weights and Biases

Code example

/ray-air/examples/rl_serving_example

Serving RL models with Ray AIR

Code example

/ray-air/examples/rl_online_example

RL Online Learning with Ray AIR

Code example

/ray-air/examples/rl_offline_example

RL Offline Learning with Ray AIR

Code example

/ray-air/examples/torch_incremental_learning

Incrementally train and deploy a PyTorch CV model

Code example

/ray-air/examples/feast_example

Integrate with Feast feature store in both train and inference

Code example

/serve/tutorials/serve-ml-models

Serving ML models with Ray Serve (Tensorflow, PyTorch, Scikit-Learn, others)

Code example

/serve/tutorials/batch

Batching tutorial for Ray Serve

Code example

/serve/tutorials/rllib

Serving RLlib Models with Ray Serve

Code example

/serve/tutorials/gradio-integration

Scaling your Gradio app with Ray Serve

Code example

/serve/tutorials/gradio-dag-visualization

Visualizing a Deployment Graph with Gradio

Code example

/serve/tutorials/java

Java tutorial for Ray Serve

Code example

/serve/tutorials/stable-diffusion

Serving a Stable Diffusion Model

Code example

/serve/tutorials/text-classification

Serving a Distilbert Model

Code example

/serve/tutorials/object-detection

Serving an Object Detection Model

Code example

/ray-air/examples/dreambooth_finetuning

Fine-tuning DreamBooth with Ray AIR

Code example

/ray-air/examples/stablediffusion_batch_prediction

Stable Diffusion Batch Prediction with Ray AIR

Code example

/ray-air/examples/gptj_serving

GPT-J-6B Serving with Ray AIR

Blog

https://www.anyscale.com/blog/offline-batch-inference-comparing-ray-apache-spark-and-sagemaker

Offline Batch Inference: Comparing Ray, Apache Spark, and SageMaker

Blog

https://www.anyscale.com/blog/streaming-distributed-execution-across-cpus-and-gpus

Streaming distributed execution across CPUs and GPUs

Blog

Blog

/data/batch_inference

Batch Prediction using Ray Data

Code example

/data/examples/nyc_taxi_basic_processing

Batch Inference on NYC taxi data using Ray Data

Code example

/data/examples/ocr_example

Batch OCR processing using Ray Data

Blog

Code example

/ray-core/examples/batch_training

Batch Training with Ray Core

Code example

/data/examples/batch_training

Batch Training with Ray Data

Tutorial

/tune/tutorials/tune-run

Tune Basic Parallel Experiments

Code example

/ray-air/examples/batch_tuning

Batch Training and Tuning using Ray Tune

Video

https://www.youtube.com/watch?v=3t26ucTy0Rs

Scaling Instacart fulfillment ML on Ray

Code example

tune-aim-ref

Using Aim with Ray Tune For Experiment Management

Code example

tune-comet-ref

Using Comet with Ray Tune For Experiment Management

Code example

tune-wandb-ref

Tracking Your Experiment Process Weights & Biases

Code example

tune-mlflow-ref

Using MLflow Tracking & AutoLogging with Tune

Code example

/tune/examples/ax_example

How To Use Tune With Ax

Code example

/tune/examples/dragonfly_example

How To Use Tune With Dragonfly

Code example

/tune/examples/skopt_example

How To Use Tune With Scikit-Optimize

Code example

/tune/examples/hyperopt_example

How To Use Tune With HyperOpt

Code example

/tune/examples/bayesopt_example

How To Use Tune With BayesOpt

Code example

/tune/examples/flaml_example

How To Use Tune With BlendSearch and CFO

Code example

/tune/examples/bohb_example

How To Use Tune With TuneBOHB

Code example

/tune/examples/nevergrad_example

How To Use Tune With Nevergrad

Code example

/tune/examples/optuna_example

How To Use Tune With Optuna

Code example

/tune/examples/zoopt_example

How To Use Tune With ZOOpt

Code example

/tune/examples/sigopt_example

How To Use Tune With SigOpt

Code example

/tune/examples/hebo_example

How To Use Tune With HEBO

Video

https://www.youtube.com/watch?v=UtH-CMpmxvI

Productionizing ML at Scale with Ray Serve

Blog

Tutorial

/serve/getting_started

Getting Started with Ray Serve

Tutorial

/serve/model_composition

Model Composition in Serve

Tutorial

/tune/getting-started

Getting Started with Ray Tune

Blog

https://www.anyscale.com/blog/how-to-distribute-hyperparameter-tuning-using-ray-tune

How to distribute hyperparameter tuning with Ray Tune

Video

https://www.youtube.com/watch?v=KgYZtlbFYXE

Simple Distributed Hyperparameter Optimization

Code example

tune-mnist-keras

How To Use Tune With Keras & TF Models

Code example

tune-pytorch-cifar-ref

How To Use Tune With PyTorch Models

Code example

tune-pytorch-lightning-ref

How To Tune PyTorch Lightning Models

Code example

tune-mxnet-example

How To Tune MXNet Models

Code example

/tune/examples/tune-serve-integration-mnist

Model Selection & Serving With Ray Serve

Code example

tune-rllib-example

Tuning RL Experiments With Ray Tune & Ray Serve

Code example

tune-xgboost-ref

A Guide To Tuning XGBoost Parameters With Tune

Code example

tune-lightgbm-example

A Guide To Tuning LightGBM Parameters With Tune

Code example

tune-horovod-example

A Guide To Tuning Horovod Parameters With Tune

Code example

tune-huggingface-example

A Guide To Tuning Huggingface Transformers With Tune

Code example

https://www.anyscale.com/blog?tag=ray-tune

More Tune use cases on the Blog

Video

https://www.youtube.com/watch?v=e-A93QftCfc

Ray Train, PyTorch, TorchX, and distributed deep learning

Code example

https://www.uber.com/blog/elastic-xgboost-ray/

Elastic Distributed Training with XGBoost on Ray

Tutorial

/train/train

Getting Started with Ray Train

Code example

/ray-air/examples/huggingface_text_classification

Fine-tune a 🤗 Transformers model

Code example

torch_fashion_mnist_ex

PyTorch Fashion MNIST Training Example

Code example

train_transformers_example

Transformers with PyTorch Training Example

Code example

tensorflow_mnist_example

TensorFlow MNIST Training Example

Code example

horovod_example

End-to-end Horovod Training Example

Code example

lightning_mnist_example

End-to-end PyTorch Lightning Training Example

Code example

lightning_advanced_example

Use LightningTrainer with Ray Data and Batch Predictor

Code example

dolly_lightning_fsdp_finetuning

Fine-tune LLM with AIR LightningTrainer and FSDP

Code example

tune_train_tf_example

End-to-end Example for Tuning a TensorFlow Model

Code example

tune_train_torch_example

End-to-end Example for Tuning a PyTorch Model with PBT

Code example

train_mlflow_example

Logging Training Runs with MLflow

Code example

lightning_experiment_tracking

Using Experiment Tracking Tools in LightningTrainer

Course

https://applied-rl-course.netlify.app/

Applied Reinforcement Learning with RLlib

Code example

https://github.com/ray-project/ray/blob/master/rllib/tuned_examples

A collection of tuned hyperparameters by RLlib algorithm

Code example

https://github.com/ray-project/rl-experiments

A collection of reasonably optimized Atari and MuJoCo results for RLlib

Code example

https://medium.com/distributed-computing-with-ray/attention-nets-and-more-with-rllibs-trajectory-view-api-d326339a6e65

RLlib's trajectory view API and how it enables implementations of GTrXL (attention net) architectures

Code example

https://medium.com/distributed-computing-with-ray/reinforcement-learning-with-rllib-in-the-unity-game-engine-1a98080a7c0d

A how-to on connecting RLlib with the Unity3D game engine for running visual- and physics-based RL experiments

Code example

https://medium.com/distributed-computing-with-ray/lessons-from-implementing-12-deep-rl-algorithms-in-tf-and-pytorch-1b412009297d

How we ported 12 of RLlib's algorithms from TensorFlow to PyTorch and what we learnt on the way

Code example

http://bair.berkeley.edu/blog/2018/12/12/rllib

This blog post is a brief tutorial on multi-agent RL and its design in RLlib

Code example

https://medium.com/riselab/functional-rl-with-keras-and-tensorflow-eager-7973f81d6345

Exploration of a functional paradigm for implementing reinforcement learning (RL) algorithms

Code example

https://github.com/ray-project/ray/blob/master/rllib/examples/custom_env.py

Example of defining and registering a gym env and model for use with RLlib

Code example

https://github.com/ray-project/ray/blob/master/rllib/examples/recommender_system_with_recsim_and_slateq.py

RecSym environment example (for recommender systems) using the SlateQ algorithm

Code example

https://github.com/ray-project/ray/blob/master/rllib/examples/vizdoom_with_attention_net.py

VizDoom example script using RLlib's auto-attention wrapper

Code example

https://github.com/ray-project/ray/blob/master/rllib/examples/attention_net.py

Attention Net (GTrXL) learning the "repeat-after-me" environment

Code example

Tutorial

/rllib/rllib-training

Getting Started with RLlib

Blog

https://shopify.engineering/merlin-shopify-machine-learning-platform

The Magic of Merlin - Shopify's New ML Platform

Tutorial

https://drive.google.com/file/d/1BS5lfXfuG5bnI8UM6FdUrR7CiSuWqdLn/view

Large Scale Deep Learning Training and Tuning with Ray

Video

https://www.youtube.com/watch?v=B5v9B5VSI7Q

Predibase - A low-code deep learning platform built for scale

Video

https://www.youtube.com/watch?v=_L0lsShbKaY

Ray Summit Panel - ML Platform on Ray

Code example

/ray-core/examples/automl_for_time_series

AutoML for Time Series with Ray

Blog

https://www.anyscale.com/blog/building-highly-available-and-scalable-online-applications-on-ray-at-ant

Highly Available and Scalable Online Applications on Ray at Ant Group

Blog

https://www.anyscale.com/blog/ray-forward-2022

Ray Forward 2022 Conference: Hyper-scale Ray Application Use Cases

Code example

/ray-core/examples/web-crawler

Speed up your web crawler by parallelizing it with Ray