eco-gallery.yml 10 KB

123456789101112131415161718192021222324252627282930313233343536373839404142434445464748495051525354555657585960616263646566676869707172737475767778798081828384858687888990919293949596979899100101102103104105106107108109110111112113114115116117118119120121122123124125126127128129130131132133134135136137138139140141142143144145146147148149150151152153154155156157158159160161162163164165166167168169170171172173174175176177178179180181182183184185186187188189190191192193194195196197198199
  1. meta:
  2. grid: 1 2 2 3
  3. gutter: 1
  4. class-container: container pb-3
  5. classes:
  6. class-img-top: pt-2 w-75 d-block mx-auto fixed-height-img
  7. projects:
  8. - name: Classy Vision Integration
  9. section_title: Classy Vision
  10. description: Classy Vision is a new end-to-end, PyTorch-based framework for
  11. large-scale training of state-of-the-art image and video classification models.
  12. The library features a modular, flexible design that allows anyone to train
  13. machine learning models on top of PyTorch using very simple abstractions.
  14. website: https://github.com/facebookresearch/ClassyVision/blob/main/tutorials/ray_aws.ipynb
  15. repo: https://github.com/facebookresearch/ClassyVision
  16. image: ../images/classyvision.png
  17. - name: Dask Integration
  18. section_title: Dask
  19. description: Dask provides advanced parallelism for analytics, enabling performance
  20. at scale for the tools you love. Dask uses existing Python APIs and data
  21. structures to make it easy to switch between Numpy, Pandas,
  22. Scikit-learn to their Dask-powered equivalents.
  23. website: dask-on-ray
  24. repo: https://github.com/dask/dask
  25. image: ../images/dask.png
  26. - name: Flambé Integration
  27. section_title: Flambé
  28. description: Flambé is a machine learning experimentation framework built to
  29. accelerate the entire research life cycle. Flambé’s main objective is to
  30. provide a unified interface for prototyping models, running experiments
  31. containing complex pipelines, monitoring those experiments in real-time,
  32. reporting results, and deploying a final model for inference.
  33. website: https://github.com/asappresearch/flambe
  34. repo: https://github.com/asappresearch/flambe
  35. image: ../images/flambe.png
  36. - name: Flyte Integration
  37. section_title: Flyte
  38. description: Flyte is a Kubernetes-native workflow automation platform for complex,
  39. mission-critical data and ML processes at scale. It has been battle-tested
  40. at Lyft, Spotify, Freenome, and others and is truly open-source.
  41. website: https://flyte.org/
  42. repo: https://github.com/flyteorg/flyte
  43. image: ../images/flyte.png
  44. - name: Horovod Integration
  45. section_title: Horovod
  46. description: Horovod is a distributed deep learning training framework for
  47. TensorFlow, Keras, PyTorch, and Apache MXNet. The goal of
  48. Horovod is to make distributed deep learning fast and easy to use.
  49. website: https://horovod.readthedocs.io/en/stable/ray_include.html
  50. repo: https://github.com/horovod/horovod
  51. image: ../images/horovod.png
  52. - name: Hugging Face Transformers Integration
  53. section_title: Hugging Face Transformers
  54. description: State-of-the-art Natural Language Processing for
  55. Pytorch and TensorFlow 2.0. It integrates with Ray for distributed
  56. hyperparameter tuning of transformer models.
  57. website: https://huggingface.co/transformers/master/main_classes/trainer.html#transformers.Trainer.hyperparameter_search
  58. repo: https://github.com/huggingface/transformers
  59. image: ../images/hugging.png
  60. - name: Intel Analytics Zoo Integration
  61. section_title: Intel Analytics Zoo
  62. description: Analytics Zoo seamlessly scales TensorFlow, Keras and PyTorch
  63. to distributed big data (using Spark, Flink & Ray).
  64. website: https://analytics-zoo.github.io/master/#ProgrammingGuide/rayonspark/
  65. repo: https://github.com/intel-analytics/analytics-zoo
  66. image: ../images/zoo.png
  67. - name: NLU Integration
  68. section_title: John Snow Labs' NLU
  69. description: The power of 350+ pre-trained NLP models, 100+ Word Embeddings,
  70. 50+ Sentence Embeddings, and 50+ Classifiers in 46 languages
  71. with 1 line of Python code.
  72. website: https://nlu.johnsnowlabs.com/docs/en/predict_api#modin-dataframe
  73. repo: https://github.com/JohnSnowLabs/nlu
  74. image: ../images/nlu.png
  75. - name: Ludwig Integration
  76. section_title: Ludwig AI
  77. description: Ludwig is a toolbox that allows users to train and test deep learning
  78. models without the need to write code. With Ludwig, you can train a deep learning
  79. model on Ray in zero lines of code, automatically leveraging Dask on Ray for data
  80. preprocessing, Horovod on Ray for distributed training, and Ray Tune for
  81. hyperparameter optimization.
  82. website: https://medium.com/ludwig-ai/ludwig-ai-v0-4-introducing-declarative-mlops-with-ray-dask-tabnet-and-mlflow-integrations-6509c3875c2e
  83. repo: https://github.com/ludwig-ai/ludwig
  84. image: ../images/ludwig.png
  85. - name: MARS Integration
  86. section_title: MARS
  87. description: Mars is a tensor-based unified framework for large-scale data
  88. computation which scales Numpy, Pandas and Scikit-learn. Mars can scale in to
  89. a single machine, and scale out to a cluster with thousands of machines.
  90. website: mars-on-ray
  91. repo: https://github.com/mars-project/mars
  92. image: ../images/mars.png
  93. - name: Modin Integration
  94. section_title: Modin
  95. description: Scale your pandas workflows by changing one line of code.
  96. Modin transparently distributes the data and computation so that all you need
  97. to do is continue using the pandas API as you were before installing Modin.
  98. website: https://github.com/modin-project/modin
  99. repo: https://github.com/modin-project/modin
  100. image: ../images/modin.png
  101. - name: Prefect Integration
  102. section_title: Prefect
  103. description: Prefect is an open source workflow orchestration platform in Python.
  104. It allows you to easily define, track and schedule workflows in Python. This
  105. integration makes it easy to run a Prefect workflow on a Ray cluster in a
  106. distributed way.
  107. website: https://github.com/PrefectHQ/prefect-ray
  108. repo: https://github.com/PrefectHQ/prefect-ray
  109. image: ../images/prefect.png
  110. - name: PyCaret Integration
  111. section_title: PyCaret
  112. description: PyCaret is an open source low-code machine learning library in Python
  113. that aims to reduce the hypothesis to insights cycle time in a ML experiment.
  114. It enables data scientists to perform end-to-end experiments quickly
  115. and efficiently.
  116. website: https://github.com/pycaret/pycaret
  117. repo: https://github.com/pycaret/pycaret
  118. image: ../images/pycaret.png
  119. - name: PyTorch Lightning Integration
  120. section_title: PyTorch Lightning
  121. description: PyTorch Lightning is a popular open-source library that provides a
  122. high level interface for PyTorch. The goal of PyTorch Lightning is to structure
  123. your PyTorch code to abstract the details of training, making AI research
  124. scalable and fast to iterate on.
  125. website: https://github.com/ray-project/ray_lightning_accelerators
  126. repo: https://github.com/ray-project/ray_lightning_accelerators
  127. image: ../images/pytorch_lightning_small.png
  128. - name: RayDP Integration
  129. section_title: Spark on Ray (RayDP)
  130. description: RayDP ("Spark on Ray") enables you to easily use Spark inside a
  131. Ray program. You can use Spark to read the input data, process the data using
  132. SQL, Spark DataFrame, or Pandas (via Koalas) API, extract and transform features
  133. using Spark MLLib, and use RayDP Estimator API for distributed training
  134. on the preprocessed dataset.
  135. website: https://github.com/Intel-bigdata/oap-raydp
  136. repo: https://github.com/Intel-bigdata/oap-raydp
  137. image: ../images/intel.png
  138. - name: Scikit Learn Integration
  139. section_title: Scikit Learn
  140. description: Scikit-learn is a free software machine learning library for
  141. the Python programming language. It features various classification,
  142. regression and clustering algorithms including support vector machines,
  143. random forests, gradient boosting, k-means and DBSCAN, and is designed to
  144. interoperate with the Python numerical and scientific libraries NumPy and SciPy.
  145. website: https://docs.ray.io/en/master/joblib.html
  146. repo: https://github.com/scikit-learn/scikit-learn
  147. image: ../images/scikit.png
  148. - name: Seldon Alibi Integration
  149. section_title: Seldon Alibi
  150. description: Alibi is an open source Python library aimed at machine learning model
  151. inspection and interpretation. The focus of the library is to provide high-quality
  152. implementations of black-box, white-box, local and global explanation methods for
  153. classification and regression models.
  154. website: https://github.com/SeldonIO/alibi
  155. repo: https://github.com/SeldonIO/alibi
  156. image: ../images/seldon.png
  157. - name: Sematic Integration
  158. section_title: Sematic
  159. description: Sematic is an open-source ML pipelining tool written in Python.
  160. It enables users to write end-to-end pipelines that can seamlessly transition between
  161. your laptop and the cloud, with rich visualizations, traceability,
  162. reproducibility, and usability as first-class citizens. This integration
  163. enables dynamic allocation of Ray clusters within Sematic pipelines.
  164. website: https://docs.sematic.dev/integrations/ray
  165. repo: https://github.com/sematic-ai/sematic
  166. image: ../images/sematic.png
  167. - name: spaCy Integration
  168. section_title: spaCy
  169. description: spaCy is a library for advanced Natural Language Processing in Python
  170. and Cython. It's built on the very latest research, and was designed from
  171. day one to be used in real products.
  172. website: https://pypi.org/project/spacy-ray/
  173. repo: https://github.com/explosion/spacy-ray
  174. image: ../images/spacy.png
  175. - name: XGBoost Integration
  176. section_title: XGBoost
  177. description: XGBoost is a popular gradient boosting library for classification
  178. and regression. It is one of the most popular tools in data science and
  179. workhorse of many top-performing Kaggle kernels.
  180. website: https://github.com/ray-project/xgboost_ray
  181. repo: https://github.com/ray-project/xgboost_ray
  182. image: ../images/xgboost_logo.png
  183. - name: LightGBM Integration
  184. section_title: LightGBM
  185. description: LightGBM is a high-performance gradient boosting library for
  186. classification and regression. It is designed to be distributed and efficient.
  187. website: https://github.com/ray-project/lightgbm_ray
  188. repo: https://github.com/ray-project/lightgbm_ray
  189. image: ../images/lightgbm_logo.png
  190. - name: Volcano Integration
  191. section_title: Volcano
  192. description: Volcano is system for running high-performance workloads
  193. on Kubernetes. It features powerful batch scheduling capabilities required by ML
  194. and other data-intensive workloads.
  195. website: https://github.com/volcano-sh/volcano/releases/tag/v1.7.0
  196. repo: https://github.com/volcano-sh/volcano/
  197. image: ./images/volcano.png