_toc.yml 20 KB

123456789101112131415161718192021222324252627282930313233343536373839404142434445464748495051525354555657585960616263646566676869707172737475767778798081828384858687888990919293949596979899100101102103104105106107108109110111112113114115116117118119120121122123124125126127128129130131132133134135136137138139140141142143144145146147148149150151152153154155156157158159160161162163164165166167168169170171172173174175176177178179180181182183184185186187188189190191192193194195196197198199200201202203204205206207208209210211212213214215216217218219220221222223224225226227228229230231232233234235236237238239240241242243244245246247248249250251252253254255256257258259260261262263264265266267268269270271272273274275276277278279280281282283284285286287288289290291292293294295296297298299300301302303304305306307308309310311312313314315316317318319320321322323324325326327328329330331332333334335336337338339340341342343344345346347348349350351352353354355356357358359360361362363364365366367368369370371372373374375376377378379380381382383384385386387388389390391392393394395396397398399400401402403404405406407408409410411412413414415416417418419420421422423424425426427428429430431432433434435436437438439440441442443444
  1. format: jb-book
  2. root: index
  3. parts:
  4. - caption: Ray
  5. chapters:
  6. - file: ray-overview/index
  7. title: "Overview"
  8. - file: ray-overview/getting-started
  9. title: "Getting Started"
  10. - file: ray-overview/installation
  11. title: "Installation"
  12. - file: ray-overview/use-cases
  13. title: "Use Cases"
  14. - file: ray-overview/examples
  15. title: "Example Gallery"
  16. - file: ray-overview/ray-libraries
  17. title: "Ecosystem"
  18. - file: ray-core/walkthrough
  19. title: "Ray Core"
  20. sections:
  21. - file: ray-core/key-concepts
  22. title: "Key Concepts"
  23. - file: ray-core/user-guide
  24. title: "User Guides"
  25. - file: ray-core/examples/overview
  26. title: "Examples"
  27. sections:
  28. - file: ray-core/examples/gentle_walkthrough
  29. - file: ray-core/examples/monte_carlo_pi
  30. - file: ray-core/examples/plot_example-a3c
  31. - file: ray-core/examples/plot_example-lm
  32. - file: ray-core/examples/plot_hyperparameter
  33. - file: ray-core/examples/plot_parameter_server
  34. - file: ray-core/examples/plot_pong_example
  35. - file: ray-core/examples/highly_parallel
  36. - file: ray-core/examples/batch_prediction
  37. - file: ray-core/examples/batch_training
  38. - file: ray-core/examples/automl_for_time_series
  39. - file: ray-core/examples/web-crawler
  40. - file: ray-core/examples/map_reduce
  41. - file: ray-core/api/index
  42. - file: ray-air/getting-started
  43. title: "Ray AI Runtime (AIR)"
  44. sections:
  45. - file: ray-air/key-concepts
  46. - file: ray-air/user-guides
  47. sections:
  48. - file: ray-air/preprocessors
  49. - file: ray-air/trainers
  50. - file: ray-air/check-ingest
  51. - file: ray-air/tuner
  52. - file: ray-air/predictors
  53. - file: ray-air/computer-vision
  54. - file: ray-air/examples/serving_guide
  55. - file: ray-air/deployment
  56. - file: ray-air/experimental-features
  57. - file: ray-air/examples/index
  58. sections:
  59. - file: ray-air/examples/opt_deepspeed_batch_inference
  60. - file: ray-air/examples/torch_image_example
  61. - file: ray-air/examples/torch_detection
  62. - file: ray-air/examples/convert_existing_pytorch_code_to_ray_air
  63. - file: ray-air/examples/convert_existing_tf_code_to_ray_air
  64. - file: ray-air/examples/tfx_tabular_train_to_serve
  65. - file: ray-air/examples/huggingface_text_classification
  66. - file: ray-air/examples/sklearn_example
  67. - file: ray-air/examples/xgboost_example
  68. - file: ray-air/examples/analyze_tuning_results
  69. - file: ray-air/examples/lightgbm_example
  70. - file: ray-air/examples/torch_incremental_learning
  71. - file: ray-air/examples/rl_serving_example
  72. - file: ray-air/examples/rl_online_example
  73. - file: ray-air/examples/rl_offline_example
  74. - file: ray-air/examples/upload_to_comet_ml
  75. - file: ray-air/examples/upload_to_wandb
  76. - file: ray-air/examples/feast_example
  77. - file: ray-air/examples/automl_with_ray_air
  78. - file: ray-air/examples/batch_tuning
  79. - file: ray-air/examples/batch_forecasting
  80. - file: ray-air/examples/stablediffusion_batch_prediction
  81. - file: ray-air/examples/gptj_deepspeed_fine_tuning
  82. - file: ray-air/examples/gptj_batch_prediction
  83. - file: ray-air/examples/gptj_serving
  84. - file: ray-air/examples/dreambooth_finetuning
  85. - file: ray-air/examples/dolly_lightning_fsdp_finetuning
  86. - file: ray-air/api/api
  87. - file: ray-air/benchmarks
  88. - file: data/data
  89. title: Ray Data
  90. sections:
  91. - file: data/overview
  92. title: Overview
  93. - file: data/getting-started
  94. - file: data/key-concepts
  95. - file: data/user-guide
  96. - file: data/examples/index
  97. - file: data/faq
  98. - file: data/api/api
  99. - file: train/train
  100. title: Ray Train
  101. sections:
  102. - file: train/getting-started
  103. title: "Getting Started"
  104. - file: train/key-concepts
  105. title: "Key Concepts"
  106. - file: train/user-guides
  107. title: "User Guides"
  108. sections:
  109. - file: train/config_guide
  110. title: "Configuring Ray Train"
  111. - file: train/dl_guide
  112. title: "Deep Learning Guide"
  113. - file: train/gbdt
  114. title: "XGBoost/LightGBM guide"
  115. - file: train/architecture
  116. title: "Ray Train Architecture"
  117. - file: train/examples
  118. title: "Examples"
  119. sections:
  120. - file: train/examples/pytorch/torch_fashion_mnist_example
  121. title: "PyTorch Fashion MNIST Example"
  122. - file: train/examples/lightning/lightning_mnist_example
  123. title: "PyTorch Lightning Basic Example"
  124. - file: train/examples/lightning/lightning_cola_advanced
  125. title: "PyTorch Lightning Advanced Example"
  126. - file: train/examples/lightning/lightning_exp_tracking
  127. title: "PyTorch Lightning with Experiment Tracking Tools"
  128. - file: train/examples/transformers/transformers_example
  129. title: "HF Transformers Example"
  130. - file: train/examples/tf/tensorflow_mnist_example
  131. title: "TensorFlow MNIST Example"
  132. - file: train/examples/horovod/horovod_example
  133. title: "Horovod Example"
  134. - file: train/examples/mlflow_fashion_mnist_example
  135. title: "MLflow Callback Example"
  136. - file: train/examples/tf/tune_tensorflow_mnist_example
  137. title: "Tune & TensorFlow Example"
  138. - file: train/examples/pytorch/tune_cifar_torch_pbt_example
  139. title: "Tune & PyTorch Example"
  140. - file: train/examples/pytorch/torch_data_prefetch_benchmark/benchmark_example
  141. title: "Torch Data Prefetching Benchmark"
  142. - file: train/examples/pytorch/pytorch_resnet_finetune
  143. title: "PyTorch Finetuning ResNet Example"
  144. - file: train/faq
  145. - file: train/api/api
  146. - file: tune/index
  147. title: Ray Tune
  148. sections:
  149. - file: tune/getting-started
  150. title: "Getting Started"
  151. - file: tune/key-concepts
  152. title: "Key Concepts"
  153. - file: tune/tutorials/overview
  154. sections:
  155. - file: tune/tutorials/tune-run
  156. title: "Running Basic Experiments"
  157. - file: tune/tutorials/tune-output
  158. - file: tune/tutorials/tune-resources
  159. title: "Setting Trial Resources"
  160. - file: tune/tutorials/tune-search-spaces
  161. title: "Using Search Spaces"
  162. - file: tune/tutorials/tune-stopping
  163. - file: tune/tutorials/tune-trial-checkpoints
  164. - file: tune/tutorials/tune-storage
  165. - file: tune/tutorials/tune-fault-tolerance
  166. - file: tune/tutorials/tune-metrics
  167. title: "Using Callbacks and Metrics"
  168. - file: tune/tutorials/tune_get_data_in_and_out
  169. - file: tune/examples/tune_analyze_results
  170. - file: tune/examples/pbt_guide
  171. sections:
  172. - file: tune/examples/pbt_visualization/pbt_visualization
  173. title: "Visualizing and Understanding PBT"
  174. - file: tune/tutorials/tune-distributed
  175. title: "Deploying Tune in the Cloud"
  176. - file: tune/tutorials/tune-lifecycle
  177. title: "Tune Architecture"
  178. - file: tune/tutorials/tune-scalability
  179. title: "Scalability Benchmarks"
  180. - file: tune/examples/index
  181. sections:
  182. - file: tune/examples/ml-frameworks
  183. sections:
  184. - file: tune/examples/tune-sklearn
  185. title: "Scikit-Learn Example"
  186. - file: tune/examples/tune_mnist_keras
  187. title: "Keras Example"
  188. - file: tune/examples/tune-pytorch-cifar
  189. title: "PyTorch Example"
  190. - file: tune/examples/tune-pytorch-lightning
  191. title: "PyTorch Lightning Example"
  192. - file: tune/examples/mxnet_example
  193. title: "MXNet Example"
  194. - file: tune/examples/tune-serve-integration-mnist
  195. title: "Ray Serve Example"
  196. - file: tune/examples/pbt_ppo_example
  197. title: "Ray RLlib Example"
  198. - file: tune/examples/tune-xgboost
  199. title: "XGBoost Example"
  200. - file: tune/examples/lightgbm_example
  201. title: "LightGBM Example"
  202. - file: tune/examples/horovod_simple
  203. title: "Horovod Example"
  204. - file: tune/examples/pbt_transformers
  205. title: "Hugging Face Transformers Example"
  206. - file: tune/examples/experiment-tracking
  207. sections:
  208. - file: tune/examples/tune-wandb
  209. title: "Weights & Biases Example"
  210. - file: tune/examples/tune-mlflow
  211. title: "MLflow Example"
  212. - file: tune/examples/tune-aim
  213. title: "Aim Example"
  214. - file: tune/examples/tune-comet
  215. title: "Comet Example"
  216. - file: tune/examples/hpo-frameworks
  217. sections:
  218. - file: tune/examples/ax_example
  219. title: "Ax Example"
  220. - file: tune/examples/dragonfly_example
  221. title: "Dragonfly Example"
  222. - file: tune/examples/skopt_example
  223. title: "Skopt Example"
  224. - file: tune/examples/hyperopt_example
  225. title: "HyperOpt Example"
  226. - file: tune/examples/bayesopt_example
  227. title: "Bayesopt Example"
  228. - file: tune/examples/flaml_example
  229. title: "FLAML Example"
  230. - file: tune/examples/bohb_example
  231. title: "BOHB Example"
  232. - file: tune/examples/nevergrad_example
  233. title: "Nevergrad Example"
  234. - file: tune/examples/optuna_example
  235. title: "Optuna Example"
  236. - file: tune/examples/zoopt_example
  237. title: "ZOOpt Example"
  238. - file: tune/examples/sigopt_example
  239. title: "SigOpt Example"
  240. - file: tune/examples/hebo_example
  241. title: "HEBO Example"
  242. - file: tune/examples/other-examples
  243. title: "Other Examples"
  244. - file: tune/examples/exercises
  245. title: "Exercises"
  246. - file: tune/faq
  247. - file: tune/api/api.rst
  248. - file: serve/index
  249. title: Ray Serve
  250. sections:
  251. - file: serve/getting_started
  252. - file: serve/key-concepts
  253. - file: serve/model_composition
  254. - file: serve/deploy-many-models/index
  255. sections:
  256. - file: serve/deploy-many-models/multi-app
  257. - file: serve/deploy-many-models/model-multiplexing
  258. - file: serve/http-guide
  259. - file: serve/production-guide/index
  260. title: Production Guide
  261. sections:
  262. - file: serve/production-guide/config
  263. - file: serve/production-guide/kubernetes
  264. - file: serve/production-guide/fault-tolerance
  265. - file: serve/production-guide/handling-dependencies
  266. - file: serve/production-guide/best-practices
  267. - file: serve/monitoring
  268. - file: serve/scaling-and-resource-allocation
  269. - file: serve/advanced-guides/index
  270. sections:
  271. - file: serve/advanced-guides/app-builder-guide
  272. - file: serve/advanced-guides/performance
  273. - file: serve/advanced-guides/dyn-req-batch
  274. - file: serve/advanced-guides/inplace-updates
  275. - file: serve/advanced-guides/dev-workflow
  276. - file: serve/advanced-guides/deployment-graphs
  277. - file: serve/advanced-guides/direct-ingress
  278. - file: serve/advanced-guides/managing-java-deployments
  279. - file: serve/advanced-guides/migration
  280. - file: serve/advanced-guides/deploy-vm
  281. - file: serve/architecture
  282. - file: serve/tutorials/index
  283. sections:
  284. - file: serve/tutorials/deployment-graph-patterns
  285. sections:
  286. - file: serve/tutorials/deployment-graph-patterns/linear_pipeline
  287. - file: serve/tutorials/deployment-graph-patterns/branching_input
  288. - file: serve/tutorials/deployment-graph-patterns/conditional
  289. - file: serve/api/index
  290. - file: rllib/index
  291. title: Ray RLlib
  292. sections:
  293. - file: rllib/rllib-training
  294. - file: rllib/key-concepts
  295. - file: rllib/rllib-env
  296. - file: rllib/rllib-algorithms
  297. - file: rllib/user-guides
  298. sections:
  299. - file: rllib/rllib-advanced-api
  300. - file: rllib/rllib-models
  301. - file: rllib/rllib-saving-and-loading-algos-and-policies
  302. - file: rllib/rllib-concepts
  303. - file: rllib/rllib-sample-collection
  304. - file: rllib/rllib-replay-buffers
  305. - file: rllib/rllib-offline
  306. - file: rllib/rllib-catalogs
  307. - file: rllib/rllib-connector
  308. - file: rllib/rllib-rlmodule
  309. - file: rllib/rllib-fault-tolerance
  310. - file: rllib/rllib-dev
  311. - file: rllib/rllib-cli
  312. - file: rllib/rllib-examples
  313. - file: rllib/package_ref/index
  314. - file: ray-more-libs/index
  315. title: More Libraries
  316. sections:
  317. - file: ray-more-libs/joblib
  318. - file: ray-more-libs/multiprocessing
  319. - file: ray-more-libs/ray-collective
  320. - file: ray-more-libs/using-ray-with-pytorch-lightning
  321. - file: ray-more-libs/dask-on-ray
  322. - file: ray-more-libs/raydp
  323. - file: ray-more-libs/mars-on-ray
  324. - file: ray-more-libs/modin/index
  325. - file: workflows/index
  326. title: Ray Workflows (Alpha)
  327. sections:
  328. - file: workflows/key-concepts
  329. - file: workflows/basics
  330. - file: workflows/management
  331. - file: workflows/metadata
  332. - file: workflows/events
  333. - file: workflows/comparison
  334. - file: workflows/advanced
  335. - file: workflows/api/api
  336. - file: cluster/getting-started
  337. title: "Ray Clusters"
  338. sections:
  339. - file: cluster/key-concepts
  340. title: Key Concepts
  341. - file: cluster/kubernetes/index
  342. title: Deploying on Kubernetes
  343. sections:
  344. - file: cluster/kubernetes/getting-started
  345. - file: cluster/kubernetes/user-guides
  346. sections:
  347. - file: cluster/kubernetes/user-guides/k8s-cluster-setup.md
  348. - file: cluster/kubernetes/user-guides/config.md
  349. - file: cluster/kubernetes/user-guides/configuring-autoscaling.md
  350. - file: cluster/kubernetes/user-guides/logging.md
  351. - file: cluster/kubernetes/user-guides/gpu.md
  352. - file: cluster/kubernetes/user-guides/experimental.md
  353. - file: cluster/kubernetes/user-guides/static-ray-cluster-without-kuberay.md
  354. - file: cluster/kubernetes/examples
  355. sections:
  356. - file: cluster/kubernetes/examples/ml-example.md
  357. - file: cluster/kubernetes/examples/gpu-training-example.md
  358. - file: cluster/kubernetes/references
  359. - file: cluster/vms/index
  360. title: Deploying on VMs
  361. sections:
  362. - file: cluster/vms/getting-started
  363. - file: cluster/vms/user-guides/index
  364. title: User Guides
  365. sections:
  366. - file: cluster/vms/user-guides/launching-clusters/index
  367. - file: cluster/vms/user-guides/large-cluster-best-practices
  368. - file: cluster/vms/user-guides/configuring-autoscaling
  369. - file: cluster/vms/user-guides/logging
  370. - file: cluster/vms/user-guides/community/index
  371. title: Community-supported Cluster Managers
  372. sections:
  373. - file: cluster/vms/user-guides/community/yarn
  374. - file: cluster/vms/user-guides/community/slurm
  375. - file: cluster/vms/user-guides/community/lsf
  376. - file: cluster/vms/examples/index
  377. title: Examples
  378. sections:
  379. - file: cluster/vms/examples/ml-example
  380. - file: cluster/vms/references/index
  381. - file: cluster/metrics
  382. - file: cluster/configure-manage-dashboard
  383. - file: cluster/running-applications/index
  384. title: Applications Guide
  385. - file: cluster/faq
  386. - file: cluster/package-overview
  387. - file: ray-observability/index
  388. title: "Monitoring and Debugging"
  389. sections:
  390. - file: ray-observability/getting-started
  391. - file: ray-observability/key-concepts
  392. - file: ray-observability/user-guides/index
  393. title: User Guides
  394. sections:
  395. - file: ray-observability/user-guides/debug-apps/index
  396. title: Debugging Applications
  397. sections:
  398. - file: ray-observability/user-guides/debug-apps/general-debugging
  399. - file: ray-observability/user-guides/debug-apps/debug-memory
  400. - file: ray-observability/user-guides/debug-apps/debug-hangs
  401. - file: ray-observability/user-guides/debug-apps/debug-failures
  402. - file: ray-observability/user-guides/debug-apps/optimize-performance
  403. - file: ray-observability/user-guides/debug-apps/ray-debugging
  404. - file: ray-observability/user-guides/cli-sdk
  405. - file: ray-observability/user-guides/configure-logging
  406. - file: ray-observability/user-guides/add-app-metrics
  407. - file: ray-observability/user-guides/ray-tracing
  408. - file: ray-observability/reference/index
  409. title: Reference
  410. sections:
  411. - file: ray-observability/reference/api
  412. - file: ray-observability/reference/cli
  413. - file: ray-observability/reference/system-metrics
  414. - file: ray-references/api
  415. title: References
  416. sections:
  417. - file: cluster/usage-stats
  418. - file: ray-references/glossary
  419. - file: ray-contribute/stability
  420. title: Developer Guides
  421. sections:
  422. - file: ray-contribute/getting-involved
  423. sections:
  424. - file: ray-contribute/development
  425. - file: ray-contribute/docs
  426. - file: ray-contribute/writing-code-snippets
  427. - file: ray-contribute/fake-autoscaler
  428. - file: ray-core/examples/testing-tips
  429. - file: ray-contribute/debugging.rst
  430. - file: ray-contribute/profiling.rst
  431. - file: ray-core/configure
  432. - file: ray-contribute/whitepaper