This repository contains a curated list of awesome open source libraries that will help you deploy, monitor, version, scale, and secure your production machine learning 🚀
You can keep up to date by watching this github repo to get a summary of the new production ML libraries added every month via releases 🤩
Additionally, we provide a search toolkit that helps you quickly navigate through the toolchain.
Please review our CONTRIBUTING.md requirements when submitting a PR to help us keep the list clean and up-to-date - thank you to the community for supporting its steady growth 🚀
This 10 minute video provides an overview of the motivations for machine learning operations as well as a high level overview on some of the tools in this repo. This newer video covers the an updated 2024 version of the state of MLOps. |
![]() |
You can join the Machine Learning Engineer newsletter. Join over 10,000 ML professionals and enthusiasts who receive weekly curated articles & tutorials on production Machine Learning. |
![]() |
Also check out the Awesome Artificial Intelligence Regulation List, where we aim to map the landscape of "Frameworks", "Codes of Ethics", "Guidelines", "Regulations", etc related to Artificial Intelligence. |
![]() |
- AgentOps
- AgentOps helps developers build, evaluate, and monitor AI agents from prototype to production.
- Agents
- Agents allows users to build AI-driven server programs that can see, hear, and speak in realtime.
- AgentScope
- AgentScope is a multi-agent platform designed to empower developers to build multi-agent applications with large-scale models.
- AIOpsLab
- AIOpsLab is a holistic framework to enable the design, development, and evaluation of autonomous AIOps agents..
- AutoGen
- AutoGen is an open-source framework for building AI agent systems.
- Chidori
- Chidori is a reactive runtime that supports building robust AI agents using languages like Node.js, Python, and Rust, with a focus on reactivity and observability in agent workflows.
- Composio
- Composio equip's your AI agents & LLMs with 100+ high-quality integrations via function calling.
- CrewAI
- CrewAI is a cutting-edge framework for orchestrating role-playing, autonomous AI agents.
- Eko
- Eko is a production-ready JavaScript framework that enables developers to create reliable agents, from simple commands to complex workflows.
- LangGraph
- LangGraph is a library for building stateful, multi-actor applications with LLMs, used to create agent and multi-agent workflows.
- Modelscope-Agent
- Modelscope-Agent is a customizable and scalable agent framework.
- OpenAGI
- OpenAGI is used as the agent creation package to build agents for AIOS.
- PydanticAI
- PydanticAI is a Python agent framework designed to make it less painful to build production grade applications with Generative AI.
- Swarm
- Swarm is an educational framework exploring ergonomic, lightweight multi-agent orchestration.
- Swarms
- Swarms is an enterprise grade and production ready multi-agent collaboration framework that enables you to orchestrate many agents to work collaboratively at scale to automate real-world activities.
- AutoGluon
- Automated feature, model, and hyperparameter selection for tabular, image, and text data on top of popular machine learning libraries (Scikit-Learn, LightGBM, CatBoost, PyTorch, MXNet).
- Autokeras
- AutoML library for Keras based on "Auto-Keras: Efficient Neural Architecture Search with Network Morphism".
- auto-sklearn
- Framework to automate algorithm and hyperparameter tuning for sklearn.
- Feature Engine
- Feature-engine is a Python library that contains several transformers to engineer features for use in machine learning models.
- Featuretools
- An open source framework for automated feature engineering.
- FLAML
- FLAML is a fast library for automated machine learning & tuning.
- HEBO
- Set of open-source hyperparameter optimization frameworks, including the winning submission to the NeurIPS 2020 Black-Box Optimisation Challenge tested on hyperparameter tuning tasks.
- Katib
- A Kubernetes-based system for Hyperparameter Tuning and Neural Architecture Search.
- keras-tuner
- Keras Tuner is an easy-to-use, distributable hyperparameter optimisation framework that solves the pain points of performing a hyperparameter search. Keras Tuner makes it easy to define a search space and leverage included algorithms to find the best hyperparameter values.
- Optuna
- Optuna is an automatic hyperparameter optimisation software framework, particularly designed for machine learning.
- OSS Vizier
- OSS Vizier is a Python-based service for black-box optimisation and research, one of the first hyperparameter tuning services designed to work at scale.
- TPOT
- Automation of sklearn pipeline creation (including feature selection, pre-processor, etc.).
- tsfresh
- Automatic extraction of relevant features from time series.
- Colossal-AI
- A unified deep learning system for big model era, which helps users to efficiently and quickly deploy large AI model training and inference.
- Dask
- Distributed parallel processing framework for Pandas and NumPy computations - (Video).
- DEAP
- A novel evolutionary computation framework for rapid prototyping and testing of ideas. It seeks to make algorithms explicit and data structures transparent. It works in perfect harmony with parallelisation mechanisms such as multiprocessing and SCOOP.
- DeepSpeed
- DeepSpeed is a deep learning optimization library that makes distributed training and inference easy, efficient, and effective.
- DLRover
- DLRover makes the distributed training of large AI models easy, stable, fast and green.
- einops
- Flexible and powerful tensor operations for readable and reliable code.
- Flashlight
- A fast, flexible machine learning library written entirely in C++ from the Facebook AI Research and the creators of Torch, TensorFlow, Eigen and Deep Speech.
- Hivemind
- Decentralized deep learning in PyTorch.
- Horovod
- Uber's distributed training framework for TensorFlow, Keras, and PyTorch.
- Liger Kernel
- Liger Kernel is a collection of Triton kernels designed specifically for LLM training.
- LightGBM
- LightGBM is a gradient boosting framework that uses tree based learning algorithms.
- PaddlePaddle
- PaddlePaddle is a framework to perform large-scale deep network training, using data sources distributed across hundreds of nodes.
- PyTorch Lightning
- PyTorch Lightning pretrains, finetunes and deploys AI models on multiple GPUs, TPUs with zero code changes.
- Ray
- Ray is a flexible, high-performance distributed execution framework for machine learning (VIDEO).
- Adapters
- Adapters is a unified library for parameter-efficient and modular transfer learning.
- AutoTrain Advanced
- AutoTrain Advanced is a no-code solution that allows you to train machine learning models in just a few clicks.
- BindsNET
- BindsNET is a spiking neural network simulation library geared towards the development of biologically inspired algorithms for machine learning.
- BitBLAS
- BitBLAS is a library to support mixed-precision BLAS operations on GPUs
- bitsandbytes
- Bitsandbytes library is a lightweight Python wrapper around CUDA custom functions, in particular 8-bit optimizers, matrix multiplication (LLM.int8()), and 8 & 4-bit quantization functions.
- Composer
- Composer is a PyTorch library that enables you to train neural networks faster, at lower cost, and to higher accuracy.
- CuDF
- Built based on the Apache Arrow columnar memory format, cuDF is a GPU DataFrame library for loading, joining, aggregating, filtering, and otherwise manipulating data.
- CuML
- cuML is a suite of libraries that implement machine learning algorithms and mathematical primitives functions that share compatible APIs with other RAPIDS projects.
- CuPy
- An implementation of NumPy-compatible multi-dimensional array on CUDA. CuPy consists of the core multi-dimensional array class, cupy.ndarray, and many functions on it.
- Flax
- A neural network library and ecosystem for JAX designed for flexibility.
- H2O-3
- Fast scalable Machine Learning platform for smarter applications: Deep Learning, Gradient Boosting & XGBoost, Random Forest, Generalized Linear Modeling (Logistic Regression, Elastic Net), K-Means, PCA, Stacked Ensembles, Automatic Machine Learning (AutoML), etc..
- Jax
- Composable transformations of Python+NumPy programs: differentiate, vectorize, JIT to GPU/TPU, and more.
- Kompute
- Blazing fast, lightweight and mobile phone-enabled Vulkan compute framework optimized for advanced GPU data processing usecases.
- MLX
- MLX is an array framework for machine learning on Apple silicon.
- Modin
- Speed up your Pandas workflows by changing a single line of code.
- Nevergrad
- Nevergrad is a gradient-free optimisation platform.
- Norse
- Norse aims to exploit the advantages of bio-inspired neural components, which are sparse and event-driven - a fundamental difference from artificial neural networks.
- Numba
- A compiler for Python array and numerical functions.
- Optimum
- Optimum is an extension of Transformers and Diffusers, providing a set of optimization tools enabling maximum efficiency to train and run models on targeted hardware while keeping things easy to use.
- PEFT
- Parameter-Efficient Fine-Tuning (PEFT) methods enable efficient adaptation of pre-trained language models (PLMs) to various downstream applications without fine-tuning all the model's parameters.
- PyTorch
- PyTorch is a library to develop and train neural network based deep learning models.
- scikit-learn
- Scikit-learn is a powerful machine learning library that provides a wide variety of modules for data access, data preparation and statistical model building.
- SetFit
- SetFit is an efficient and prompt-free framework for few-shot fine-tuning of Sentence Transformers.
- snnTorch
- snnTorch is a deep and online learning library with spiking neural networks.
- Sonnet
- Sonnet is a library built on top of TensorFlow 2 designed to provide simple, composable abstractions for machine learning research.
- TensorFlow
- TensorFlow is a leading library designed for developing and deploying state-of-the-art machine learning applications.
- ThunderKittens
ThunderKittens is a framework to make it easy to write fast deep learning kernels in CUDA.
- torchkeras
The torchkeras library is a simple tool for training neural network in pytorch jusk in a keras style.
- TorchOpt
- TorchOpt is an efficient library for differentiable optimization built upon PyTorch.
- Vaex
Vaex is a high performance Python library for lazy Out-of-Core DataFrames (similar to Pandas), to visualize and explore big tabular datasets. Vaex uses memory mapping, zero memory copy policy and lazy computations for best performance (no memory wasted).
- Vowpal Wabbit
Vowpal Wabbit is a machine learning system which pushes the frontier of machine learning with techniques such as online, hashing, allreduce, reductions, learning2search, active, and interactive learning.
- XGBoost
- XGBoost is an optimized distributed gradient boosting library designed to be highly efficient, flexible and portable.
- yellowbrick
- yellowbrick is a matplotlib-based model evaluation plots for scikit-learn and other machine learning libraries.
- Argilla
- Argilla helps domain experts and data teams to build better NLP datasets in less time.
- cleanlab
- Python library for data-centric AI. Can automatically: find mislabeled data, detect outliers, estimate consensus + annotator-quality for multi-annotator datasets, suggest which data is best to (re)label next.
- COCO Annotator
- Web-based image segmentation tool for object detection, localization and keypoints
- CVAT
- CVAT (Computer Vision Annotation Tool) is OpenCV's web-based annotation tool for both videos and images for computer algorithms.
- Doccano
- Open source text annotation tools for humans, providing functionality for sentiment analysis, named entity recognition, and machine translation.
- Gretel Synthetics
- Gretel Synthetics is a synthetic data generators for structured and unstructured text, featuring differentially private learning.
- Label Studio
- Multi-domain data labeling and annotation tool with standardized output format.
- NeMo Curator
- NeMo Curator is a GPU-accelerated framework for efficient large language model data curation.
- refinery
- The data scientist's open-source choice to scale, assess and maintain natural language data.
- SDV
- Synthetic Data Vault (SDV) is a Synthetic Data Generation ecosystem of libraries that allows users to easily learn single-table, multi-table and timeseries datasets to later on generate new Synthetic Data that has the same format and statistical properties as the original dataset.
- Semantic Segmentation Editor
- Hitachi's Open source tool for labelling camera and LIDAR data.
- synthcity
- synthcity is a library for generating and evaluating synthetic tabular data.
- YData Synthetic
- YData Synthetic is a package to generate synthetic tabular and time-series data leveraging the state of the art generative models.
- Apache Airflow
- Data Pipeline framework built in Python, including scheduler, DAG definition and a UI for visualisation.
- Apache Nifi
- Apache NiFi was made for dataflow. It supports highly configurable directed graphs of data routing, transformation, and system mediation logic.
- Apache Oozie
- Workflow scheduler for Hadoop jobs.
- Argo Workflows
- Argo Workflows is an open source container-native workflow engine for orchestrating parallel jobs on Kubernetes. Argo Workflows is implemented as a Kubernetes CRD (Custom Resource Definition).
- Couler
- Unified interface for constructing and managing machine learning workflows on different workflow engines, such as Argo Workflows, Tekton Pipelines, and Apache Airflow.
- DataTrove
- DataTrove is a library to process, filter and deduplicate text data at a very large scale.
- Dagster
- A data orchestrator for machine learning, analytics, and ETL.
- DBT
- ETL tool for running transformations inside data warehouses.
- Flyte
- Lyft’s Cloud Native Machine Learning and Data Processing Platform - (Demo).
- Genie
- Job orchestration engine to interface and trigger the execution of jobs from Hadoop-based systems.
- Hamilton
- Hamilton is a micro-orchestration framework for defining dataflows. Runs anywhere python runs (e.g. jupyter, fastAPI, spark, ray, dask). Brings software engineering best practices without you knowing it. Use it to define feature engineering transforms, end-to-end model pipelines, and LLM workflows. It complements macro-orchestration systems (e.g. kedro, luigi, airflow, dbt, etc.) as it replaces the code within those macro tasks. Comes with a self-hostable UI that captures lineage & provenance, execution telemetry & data summaries, and builds a self-populating catalog; usable in development as well as production.
- Instill VDP
- Instill VDP (Versatile Data Pipeline) aims to streamline the data processing pipelines from inception to completion.
- Instructor
- Instructor makes it easy to get structured data like JSON from LLMs like GPT-3.5, GPT-4, GPT-4-Vision, and open-source models.
- Kedro
- Kedro is a workflow development tool that helps you build data pipelines that are robust, scalable, deployable, reproducible and versioned.
- Luigi
- Luigi is a Python module that helps you build complex pipelines of batch jobs, handling dependency resolution, workflow management, visualisation, etc..
- Metaflow
- A framework for data scientists to easily build and manage real-life data science projects.
- Pachyderm
- Open source distributed processing framework build on Kubernetes focused mainly on dynamic building of production machine learning pipelines - (Video).
- Ploomber
- The fastest way to build data pipelines. Develop iteratively, deploy anywhere.
- Prefect Core
- Workflow management system that makes it easy to take your data pipelines and add semantics like retries, logging, dynamic mapping, caching, failure notifications, and more.
- Snakemake
- Workflow management system for reproducible and scalable data analyses.
- Towhee
- General-purpose machine learning pipeline for generating embedding vectors using one or many ML models.
- unstructured
- unstructured streamlines and optimizes the data processing workflow for LLMs, ingesting and pre-processing images and text documents, such as PDFs, HTML, Word docs, and many more.
- ZenML
- ZenML is an extensible, open-source MLOps framework to create reproducible ML pipelines with a focus on automated metadata tracking, caching, and many integrations to other tools.
- Apache Zeppelin
- Web-based notebook that enables data-driven, interactive data analytics and collaborative documents with SQL, Scala and more.
- Jupyter Notebooks
- Web interface python sandbox environments for reproducible development
- Marimo
- Reactive Python notebook — run reproducible experiments, execute as a script, deploy as an app, and version with git.
- .NET Interactive
- .NET Interactive takes the power of .NET and embeds it into your interactive experiences.
- Papermill
- Papermill is a library for parameterizing notebooks and executing them like Python scripts.
- Polynote
- Polynote is an experimental polyglot notebook environment. Currently, it supports Scala and Python (with or without Spark), SQL, and Vega.
- RMarkdown
- The rmarkdown package is a next generation implementation of R Markdown based on Pandoc.
- Stencila
- Stencila is a platform for creating, collaborating on, and sharing data driven content. Content that is transparent and reproducible.
- Voilà
- Voilà turns Jupyter notebooks into standalone web applications that can e.g. be used as dashboards.
- AIStore
- AIStore is a lightweight object storage system with the capability to linearly scale out with each added storage node and a special focus on petascale deep learning.
- Alluxio
- A virtual distributed storage system that bridges the gab between computation frameworks and storage systems.
- Apache Arrow
- In-memory columnar representation of data compatible with Pandas, Hadoop-based systems, etc..
- Apache Druid
- A high performance real-time analytics database. Check this article for introduction.
- Apache Hudi
- Hudi is a transactional data lake platform that brings core warehouse and database functionality directly to a data lake. Hudi is great for streaming workloads, and also allows creation of efficient incremental batch pipelines. Supports popular query engines including Spark, Flink, Presto, Trino, Hive, etc. More info here.
- Apache Iceberg
- Iceberg is an ACID-compliant, high-performance format built for huge analytic tables (containing tens of petabytes of data), and it brings the reliability and simplicity of SQL tables to big data, while making it possible for engines like Spark, Trino, Flink, Presto, Hive and Impala to safely work with the same tables, at the same time. More info here.
- Apache Ignite
- A memory-centric distributed database, caching, and processing platform for transactional, analytical, and streaming workloads delivering in-memory speeds at petabyte scale - Demo.
- Apache Parquet
- On-disk columnar representation of data compatible with Pandas, Hadoop-based systems, etc..
- Apache Pinot
- A realtime distributed OLAP datastore. Comparison of the open source OLAP systems for big data: ClickHouse, Druid, and Pinot is found here.
- Casibase
- Casibase is a LangChain-like RAG (Retrieval-Augmented Generation) knowledge database with web UI and Enterprise SSO.
- Chroma
- Chroma is the open-source AI application database.
- ClickHouse
- ClickHouse is an open source column oriented database management system.
- Delta Lake
- Delta Lake is a storage layer that brings scalable, ACID transactions to Apache Spark and other big-data engines.
- EdgeDB
- Gel supercharges Postgres with a modern data model, graph queries, Auth & AI solutions, and much more.
- GPTCache
- GPTCache is a library for creating semantic cache for large language model queries.
- InfluxDB
Scalable datastore for metrics, events, and real-time analytics.
- Milvus
Milvus is a cloud-native, open-source vector database built to manage embedding vectors generated by machine learning models and neural networks.
- Marqo
Marqo is an end-to-end vector search engine.
- pgvector
pgvector helps with vector similarity search for Postgres.
- PostgresML
PostgresML is a machine learning extension for PostgreSQL that enables you to perform training and inference on text and tabular data using SQL queries.
- Safetensors
Simple, safe way to store and distribute tensors.
- TimescaleDB
An open-source time-series SQL database optimized for fast ingest and complex queries packaged as a PostgreSQL extension - (Video).
- Weaviate
- A low-latency vector search engine (GraphQL, RESTful) with out-of-the-box support for different media types. Modules include Semantic Search, Q&A, Classification, Customizable Models (PyTorch/TensorFlow/Keras), and more.
- Zarr
- Python implementation of chunked, compressed, N-dimensional arrays designed for use in parallel computing.
- Apache Beam
Apache Beam is a unified programming model for Batch and Streaming.
- Apache Flink
- Open source stream processing framework with powerful stream and batch processing capabilities.
- Apache Kafka
- Kafka client library for buliding applications and microservices where the input and output are stored in kafka clusters.
- Apache Samza
- Distributed stream processing framework. It uses Apache Kafka for messaging, and Apache Hadoop YARN to provide fault tolerance, processor isolation, security, and resource management.
- Apache Spark
- Micro-batch processing for streams using the apache spark framework as a backend supporting stateful exactly-once semantics.
- Bytewax
- Flexible Python-centric stateful stream processing framework built on top of Rust engine.
- FastStream
- A modern broker-agnostic streaming Python framework supporting Apache Kafka, RabbitMQ and NATS protocols, inspired by FastAPI and easily integratable with other web frameworks.
- MOA
- MOA (Massive Online Analysis) is an open source framework for Big Data stream mining.
- TensorStore
- Library for reading and writing large multi-dimensional arrays.
- Agenta
- Agenta provides end-to-end tools for the entire LLMOps workflow: building (LLM playground, evaluation), deploying (prompt and configuration management), and (LLM observability and tracing).
- AirLLM
- AirLLM optimizes inference memory usage, allowing 70B large language models to run inference on a single 4GB GPU card without quantization, distillation and pruning.
- BentoML
- BentoML is an open source framework for high performance ML model serving.
- BISHENG
- BISHENG is an open LLM application devops platform, focusing on enterprise scenarios.
- DeepDetect
- Machine Learning production server for TensorFlow, XGBoost and Cafe models written in C++ and maintained by Jolibrain.
- exo
- exo helps you run your AI cluster at home with everyday devices.
- Genkit
- Genkit is an open source framework for building AI-powered apps with familiar code-centric patterns. Genkit makes it easy to develop, integrate, and test AI features with observability and evaluations.
- Inference
- A fast, production-ready inference server for computer vision supporting deployment of many popular model architectures and fine-tuned models. With Inference, you can deploy models such as YOLOv5, YOLOv8, CLIP, SAM, and CogVLM on your own hardware using Docker.
- Infinity
- Infinity is a high-throughput, low-latency REST API for serving text-embeddings, reranking models and clip.
- IPEX-LLM
- IPEX-LLM is a PyTorch library for running LLM on Intel CPU and GPU (e.g., local PC with iGPU, discrete GPU such as Arc, Flex and Max) with very low latency.
- Jina-serve
- Jina-serve is a framework for building and deploying AI services that communicate via gRPC, HTTP and WebSockets.
- KServe
- KServe provides a Kubernetes Custom Resource Definition for serving predictive and generative ML.
- KTransformers
- KTransformers is a flexible framework for experiencing cutting-edge LLM inference optimizations.
- Langtrace
- Langtrace is an open-source, Open Telemetry based end-to-end observability tool for LLM applications, providing real-time tracing, evaluations and metrics for popular LLMs, LLM frameworks, vectorDBs and more.
- Lepton AI
- LeptonAI Python library allows you to build an AI service from Python code with ease.
- LightLLM
- LightLLM is a Python-based LLM (Large Language Model) inference and serving framework, notable for its lightweight design, easy scalability, and high-speed performance.
- LMDeploy
- LMDeploy is a toolkit for compressing, deploying, and serving LLM.
- LM Studio
- LM Studio is a tool for deploying LLM models locally on the computer, even on a relatively modest machine, provided it meets the minimum requirements.
- LocalAI
- LocalAI is a drop-in replacement REST API that's compatible with OpenAI API specifications for local inferencing.
- MindsDB
- MindsDB is the platform to create, serve, and fine-tune models in real-time from your database, vector store, and application data.
- MLRun
- MLRun is an open MLOps framework for quickly building and managing continuous ML and generative AI applications across their lifecycle.
- MLServer
- An inference server for your machine learning models, including support for multiple frameworks, multi-model serving and more.
- Mosec
- A rust-powered and multi-stage pipelined model server which offers dynamic batching and more. Super easy to implement and deploy as micro-services.
- Nuclio
- A high-performance "serverless" framework focused on data, I/O, and compute-intensive workloads. It is well integrated with popular data science tools, such as Jupyter and Kubeflow; supports a variety of data and streaming sources; and supports execution over CPUs and GPUs.
- OpenLLM
- OpenLLM allows developers to run any open-source LLMs (Llama 3.1, Qwen2, Phi3 and more) or custom models as OpenAI-compatible APIs with a single command.
- OpenVINO
- OpenVINO is an open-source toolkit for optimizing and deploying AI inference.
- PowerInfer
- PowerInfer is a CPU/GPU LLM inference engine leveraging activation locality for your device.
- Prompt2Model
- Prompt2Model is a system that takes a natural language task description (like the prompts used for LLMs such as ChatGPT) to train a small special-purpose model that is conducive for deployment.
- Seldon Core
- Open source platform for deploying and machine learning models in Kubernetes - (Video).
- SkyPilot
- SkyPilot is a framework for running LLMs, AI, and batch jobs on any cloud, offering maximum cost savings, highest GPU availability, and managed execution.
- Tensorflow Serving
- High-performant framework to serve Tensorflow models via grpc protocol able to handle 100k requests per second per core.
- text-generation-inference
- Large Language Model Text Generation Inference.
- TorchServe
- TorchServe is a flexible and easy to use tool for serving PyTorch models.
- Triton Inference Server
- Triton is a high performance open source serving software to deploy AI models from any framework on GPU & CPU while maximizing utilization.
- Vercel AI
- Vercel AI is a TypeScript toolkit designed to help you build AI-powered applications using popular frameworks like Next.js, React, Svelte, Vue and runtimes like Node.js.
- Vespa
- Search, make inferences in and organize vectors, tensors, text and structured data, at serving time and any scale.
- vLLM
- vLLM is a high-throughput and memory-efficient inference and serving engine for LLMs.
- AlpacaEval
- AlpacaEval is an automatic evaluator for instruction-following language models.
- ANN-Benchmarks
- ANN-Benchmarks is a benchmarking environment for approximate nearest neighbor algorithms search.
- ARES
- ARES is a framework for automatically evaluating Retrieval-Augmented Generation (RAG) models.
- Code Generation LM Evaluation Harness
- Code Generation LM Evaluation Harness is a framework for the evaluation of code generation models.
- COMET
- COMET is an open-source framework for machine learning evaluation.
- Deepchecks
- Deepchecks is a holistic open-source solution for all of your AI & ML validation needs, enabling you to test your data and models from research to production thoroughly.
- DeepEval
- DeepEval is a simple-to-use, open-source evaluation framework for LLM applications.
- EvalAI
- EvalAI is an open-source platform for evaluating and comparing AI algorithms at scale.
- Evals
- Evals is a framework for evaluating OpenAI models and an open-source registry of benchmarks.
- EvalScope
- EvalScope is a streamlined and customizable framework for efficient large model evaluation and performance benchmarking.
- Evaluate
- Evaluate is a library that makes evaluating and comparing models and reporting their performance easier and more standardized.
- Evidently
- Evidently is an open-source framework to evaluate, test and monitor ML and LLM-powered systems.
- GAOKAO-Bench
- GAOKAO-Bench is an evaluation framework that uses Chinese National College Entrance Examination (GAOKAO) questions as a dataset to assess large models' language comprehension and logical reasoning abilities.
- Giskard
- Giskard is an evaluation & testing framework for LLMs & ML models.
- Helicone
- Helicone is an observability platform for LLMs.
- HELM
- HELM (Holistic Evaluation of Language Models) provides tools for the holistic evaluation of language models, including standardized datasets, a unified API for various models, diverse metrics, robustness, and fairness perturbations, a prompt construction framework, and a proxy server for unified model access.
- Inspect
- Inspect is a framework for large language model evaluations.
- IntellAgent
- IntellAgent is an advanced multi-agent framework that transforms the evaluation and optimization of conversational agents.
- Laminar
- Laminar is an open-source platform to trace, evaluate, label, and analyze LLM data for AI products.
- Langfuse
- Langfuse is an observability & analytics solution for LLM-based applications.
- LangTest
- LangTest is a comprehensive evaluation toolkit for NLP models.
- Language Model Evaluation Harness
- Language Model Evaluation Harness is a framework to test generative language models on a large number of different evaluation tasks.
- LangWatch
- LangWatch is a visual interface for DSPy and a complete LLM Ops platform for monitoring, experimenting, measuring and improving LLM pipelines, with a fair-code distribution model.
- LightEval
- LightEval is a lightweight LLM evaluation suite.
- LLMonitor
- LLMonitor is an observability & analytics for AI apps and agents.
- LLMPerf
- LLMPerf is a tool for evaluating the performance of LLM APIs.
- lmms-eval
- lmms-eval is an evaluation framework meticulously crafted for consistent and efficient evaluation of LMM.
- Meta-World
- Meta-World is an open-source simulated benchmark for meta-reinforcement learning and multi-task learning consisting of 50 distinct robotic manipulation tasks.
- MLPerf Inference
- MLPerf Inference is a benchmark suite for measuring how fast systems can run models in a variety of deployment scenarios.
- NannyML
- NannyML is a library that allows you to estimate post-deployment model performance (without access to targets), detect data drift, and intelligently link data drift alerts back to changes in model performance.
- Ollama Grid Search
- Ollama Grid Search automates the process of selecting the best models, prompts, or inference parameters for a given use-case, allowing you to iterate over their combinations and to visually inspect the results.
- OpenCompass
- OpenCompass is an LLM evaluation platform, supporting a wide range of models (LLaMA, LLaMa2, ChatGLM2, ChatGPT, Claude, etc) over 50+ datasets.
- OpenLIT
- OpenLIT is an open-source AI engineering platform that simplifies LLM workflows with observability, monitoring, guardrails, evaluations, and seamless integrations.
- Opik
- Opik is an open-source platform for evaluating, testing and monitoring LLM applications.
- Overcooked-AI
- Overcooked-AI is a benchmark environment for fully cooperative human-AI task performance, based on the wildly popular video game Overcooked.
- Phoenix
- Phoenix is an open-source AI observability platform designed for experimentation, evaluation, and troubleshooting.
- PromptBench
- PromptBench is a unified evaluation framework for large language models
- Prometheus-Eval
- RagaAI Catalyst is a comprehensive platform designed to enhance the management and optimization of LLM projects.
- RagaAI Catalyst
- Prometheus-Eval is a collection of tools for training, evaluating, and using language models specialized in evaluating other language models.
- Ragas
- Ragas is a framework to evaluate RAG pipelines.
- RAGChecker
- RAGChecker is an advanced automatic evaluation framework designed to assess and diagnose Retrieval-Augmented Generation (RAG) systems.
- RewardBench
- RewardBench is a benchmark designed to evaluate the capabilities and safety of reward models.
- RLBench
- RLBench is an ambitious large-scale benchmark and learning environment designed to facilitate research in a number of vision-guided manipulation research areas, including: reinforcement learning, imitation learning, multi-task learning, geometric computer vision, and in particular, few-shot learning.
- SwanLab
- SwanLab is an AI training tracking and visualization tool.
- Speech-to-Text Benchmark
- Speech-to-Text Benchmark is a minimalist and extensible framework for benchmarking different speech-to-text engines.
- TensorFlow Model Analysis
- TensorFlow Model Analysis (TFMA) is a library for evaluating TensorFlow models on large amounts of data in a distributed manner, using the same metrics defined in their trainer.
- TruLens
- TruLens provides a set of tools for evaluating and tracking LLM experiments.
- TrustLLM
- TrustLLM is a comprehensive framework to evaluate the trustworthiness of large language models, which includes principles, surveys, and benchmarks.
- VBench
- VBench is a comprehensive benchmark suite for video generative models.
- VLMEvalKit
- VLMEvalKit is an open-source evaluation toolkit of large vision-language models (LVLMs).
- Aequitas
- An open-source bias audit toolkit for data scientists, machine learning researchers, and policymakers to audit machine learning models for discrimination and bias, and to make informed and equitable decisions around developing and deploying predictive risk-assessment tools.
- AI Explainability 360
- Interpretability and explainability of data and machine learning models including a comprehensive set of algorithms that cover different dimensions of explanations along with proxy explainability metrics.
- AI Fairness 360
- A comprehensive set of fairness metrics for datasets and machine learning models, explanations for these metrics, and algorithms to mitigate bias in datasets and models.
- Alibi
- Alibi is an open source Python library aimed at machine learning model inspection and interpretation. The initial focus on the library is on black-box, instance based model explanations.
- captum
- model interpretability and understanding library for PyTorch developed by Facebook. It contains general purpose implementations of integrated gradients, saliency maps, smoothgrad, vargrad and others for PyTorch models.
- Fairlearn
- Fairlearn is a python toolkit to assess and mitigate unfairness in machine learning models.
- InterpretML
- InterpretML is an open-source package for training interpretable models and explaining blackbox systems.
- Lightly
- A python framework for self-supervised learning on images. The learned representations can be used to analyze the distribution in unlabeled data and rebalance datasets.
- LOFO Importance
- LOFO (Leave One Feature Out) Importance calculates the importances of a set of features based on a metric of choice, for a model of choice, by iteratively removing each feature from the set, and evaluating the performance of the model, with a validation scheme of choice, based on the chosen metric.
- mljar-supervised
- A Python package for AutoML on tabular data with feature engineering, hyper-parameters tuning, explanations and automatic documentation.
- Quantus
- Quantus is an eXplainable AI toolkit for responsible evaluation of neural network explanations
- SHAP
- SHapley Additive exPlanations is a unified approach to explain the output of any machine learning model.
- SHAPash
- Shapash is a Python library that provides several types of visualization that display explicit labels that everyone can understand.
- WhatIf
- An easy-to-use interface for expanding understanding of a black-box classification or regression ML model.
- FEAST
- Feast (Feature Store) is an open source feature store for machine learning. Feast is the fastest path to manage existing infrastructure to productionize analytic data for model training and online inference.
- Featureform
- A virtual featurestore. Plug-&-play with your existing infra. Data Scientist approved. Discovery, Governance, Lineage, & Collaboration just a pip install away. Supports pandas, Python, spark, SQL + integrations with major cloud vendors.
- Hopsworks Feature Store
- Offline/Online Feature Store for ML (Video).
- Alibi Detect
- alibi-detect is a Python package focused on outlier, adversarial and concept drift detection.
- Darts
- Darts is a library for user-friendly forecasting and anomaly detection on time series.
- Deequ
- A library built on top of Apache Spark for defining "unit tests for data", which measure data quality in large datasets.
- PyOD
- A Python Toolbox for Scalable Outlier Detection (Anomaly Detection).
- TFDV
- TFDV (Tensorflow Data Validation) is a library for exploring and validating machine learning data.
- Deep Lake
- Deep Lake is a data infrastructure optimized for computer vision.
- Detectron2
- Detectron2 is Facebook AI Research's next generation library that provides state-of-the-art detection and segmentation algorithms.
- KerasCV
- KerasCV is a library of modular computer vision oriented Keras components.
- LAVIS
- LAVIS is a deep learning library for LAnguage-and-VISion intelligence research and applications.
- libcom
- libcom is an image composition toolbox.
- SuperGradients
- SuperGradients is an open-source library for training PyTorch-based computer vision models.
- supervision
- Supervision is a Python library designed for efficient computer vision pipeline management, providing tools for annotation, visualization, and monitoring of models.
- VideoSys
- VideoSys supports many diffusion models with our various acceleration techniques, enabling these models to run faster and consume less memory.
- AutoRAG
- AutoRAG is a RAG AutoML tool for automatically finds an optimal RAG pipeline for your data.
- Cognita
- Cognita is a RAG framework for building modular and production-ready applications.
- DocArray
- DocArray is a library for nested, unstructured, multimodal data in transit, including text, image, audio, video, 3D mesh, etc. It allows deep-learning engineers to efficiently process, embed, search, recommend, store, and transfer multimodal data with a Pythonic API.
- Faiss
- Faiss is a library for efficient similarity search and clustering of dense vectors.
- fastRAG
- fastRAG is a research framework for efficient and optimized retrieval augmented generative pipelines, incorporating state-of-the-art LLMs and Information Retrieval.
- GraphRAG
- GraphRAG is a data pipeline and transformation suite that is designed to extract meaningful, structured data from unstructured text using the power of LLMs.
- HippoRAG
- HippoRAG is a novel retrieval augmented generation (RAG) framework inspired by the neurobiology of human long-term memory that enables LLMs to continuously integrate knowledge across external documents.
- LightRAG
- A simple and fast retrieval-augmented generation framework.
- llmware
- llmware provides a unified framework for building LLM-based applications (e.g, RAG, Agents), using small, specialized models that can be deployed privately, integrated with enterprise knowledge sources safely and securely, and cost-effectively tuned and adapted for any business process.
- Mem0
- Mem0 enhances AI assistants and agents with an intelligent memory layer, enabling personalized AI interactions.
- NGT
- NGT provides commands and a library for performing high-speed approximate nearest neighbor searches against a large volume of data in high dimensional vector data space.
- NMSLIB
- Non-Metric Space Library (NMSLIB): An efficient similarity search library and a toolkit for evaluation of k-NN methods for generic non-metric spaces.
- Qdrant
- An open source vector similarity search engine with extended filtering support.
- R2R
- R2R (RAG to Riches) is a comprehensive platform for building, deploying, and scaling RAG applications with hybrid search, multimodal support, and advanced observability.
- RAGFlow
- RAGFlow is a RAG engine based on deep document understanding.
- RAGxplorer
- RAGxplorer is a tool to build RAG visualisations.
- RAG-FiT
- RAG-FiT is a library designed to improve LLMs ability to use external information by fine-tuning models on specially created RAG-augmented datasets.
- Vanna
- Vanna is a RAG framework for SQL generation and related functionality.
- aisuite
- aisuite is a simple, unified interface to multiple generative AI providers.
- Align-Anything
- Align-Anything aims to align any modality large models (any-to-any models), including LLMs, VLMs, and others, with human intentions and values
- BERTopic
- BERTopic is a topic modeling technique that leverages transformers and c-TF-IDF to create dense clusters allowing for easily interpretable topics whilst keeping important words in the topic descriptions.
- Burr
- Burr helps you develop applications that make decisions (chatbot, agent, simulation). It comes with production-ready features (telemetry, persistence, deployment, etc.) and the open-source, free, and local-first Burr UI.
- CodeTF
- CodeTF is a one-stop Python transformer-based library for code large language models (Code LLMs) and code intelligence, provides a seamless interface for training and inferencing on code intelligence tasks like code summarization, translation, code generation and so on.
- dspy
- A framework for programming with foundation models.
- Dust
- Dust assists in the design and deployment of large language model apps.
- ESPnet
- ESPnet is an end-to-end speech processing toolkit.
- FastChat
- FastChat is an open platform for training, serving, and evaluating large language model based chatbots.
- Flair
- Simple framework for state-of-the-art NLP developed by Zalando which builds directly on PyTorch.
- Gensim
- Gensim is a Python library for topic modelling, document indexing and similarity retrieval with large corpora.
- h2oGPT
- h2oGPT is an open source generative AI, gives organizations like yours the power to own large language models while preserving your data ownership.
- Haystack
- Haystack is an open source NLP framework to interact with your data using Transformer models and LLMs (GPT-3 and alike). Haystack offers production-ready tools to quickly build ChatGPT-like question answering, semantic search, text generation, and more.
- Interactive Composition Explorer
- ICE is a Python library and trace visualizer for language model programs.
- Lamini
- Lamini is an LLM engine for rapidly customizing models.
- LangChain
- LangChain assists in building applications with LLMs through composability.
- LlamaIndex
- LlamaIndex (GPT Index) is a data framework for your LLM application.
- LLaMA
- LLaMA is intended as a minimal, hackable and readable example to load LLaMA (arXiv) models and run inference.
- LLMBox
- LLMBox is a comprehensive library for implementing LLMs, including a unified training pipeline and comprehensive model evaluation.
- LLaMA2-Accessory
- LLaMA2-Accessory is an open-source toolkit for pretraining, finetuning and deployment of Large Language Models (LLMs) and multimodal LLMs.
- LMFlow
- LMFlow is an extensible, convenient, and efficient toolbox for finetuning large machine learning models.
- Megatron-LM
- Megatron-LM is a highly optimized and efficient library for training large language models.
- MLC LLM
- MLC LLM is a universal solution that allows any language models to be deployed natively on a diverse set of hardware backends and native applications, plus a productive framework for everyone to further optimize model performance for their own use cases.
- Ollama
- Get up and running with large language models, locally.
- PaddleNLP
- PaddleNLP is a Large Language Model (LLM) development suite based on the PaddlePaddle deep learning framework, supporting efficient large model training, lossless compression, and high-performance inference on various hardware devices.
- PyLLMs
- PyLLMs is a minimal Python library to connect to various Language Models (LLMs) with a built-in model performance benchmark.
- Semantic Kernel
- Semantic Kernel is an SDK that integrates Large Language Models (LLMs) like OpenAI, Azure OpenAI, and Hugging Face with conventional programming languages like C#, Python, and Java. Semantic Kernel achieves this by allowing you to define plugins that can be chained together in just a few lines of code.
- Sentence Transformers
- Sentence Transformers provides an easy method to compute dense vector representations for sentences, paragraphs, and images.
- SpaCy
- spaCy is a library for advanced Natural Language Processing in Python and Cython.
- SWIFT
- SWIFT is a scalable lightweight infrastructure for deep learning model fine-tuning.
- Tensorflow Lingvo
- A framework for building neural networks in Tensorflow, particularly sequence models.
- Tensorflow Text
- TensorFlow Text provides a collection of text related classes and ops ready to use with TensorFlow 2.0.
- ToolBench
- ToolBench is an open platform for training, serving, and evaluating large language model for tool learning.
- Transformers
- Huggingface's library of state-of-the-art pretrained models for Natural Language Processing (NLP).
- EasyRec
- EasyRec is a framework for large scale recommendation algorithms.
- Gorse
- Gorse aims to be a universal open-source recommender system that can be quickly introduced into a wide variety of online services.
- Merlin
- NVIDIA Merlin is an open source library providing end-to-end GPU-accelerated recommender systems, from feature engineering and preprocessing to training deep learning models and running inference in production.
- Recommenders
- Recommenders contains benchmark and best practices for building recommendation systems, provided as Jupyter notebooks.
- Acme
- Acme is a library of reinforcement learning (RL) building blocks that strives to expose simple, efficient, and readable agents.
- CleanRL
- CleanRL is a Deep Reinforcement Learning library that provides high-quality single-file implementation with research-friendly features. The implementation is clean and simple, yet we can scale it to run thousands of experiments using AWS Batch.
- CompilerGym
- CompilerGym is a library of easy to use and performant reinforcement learning environments for compiler tasks.
- d3rlpy
- d3rlpy is an offline deep reinforcement learning library for practitioners and researchers.
- D4RL
- D4RL is an open-source benchmark for offline reinforcement learning.
- Dopamine
- Dopamine is a research framework for fast prototyping of reinforcement learning algorithms. It aims to fill the need for a small, easily grokked codebase in which users can freely experiment with wild ideas (speculative research).
- EvoTorch
- EvoTorch is an open source evolutionary computation library developed at NNAISENSE, built on top of PyTorch.
- FinRL
- FinRL is the first open-source framework to demonstrate the great potential of financial reinforcement learning.
- Gymnasium
- Gymnasium is an open source Python library for developing and comparing reinforcement learning algorithms by providing a standard API to communicate between learning algorithms and environments, as well as a standard set of environments compliant with that API.
- Gymnasium-Robotics
- Gymnasium-Robotics contains a collection of Reinforcement Learning robotic environments that use the Gymansium API. The environments run with the MuJoCo physics engine and the maintained mujoco python bindings.
- Jumanji
- Jumanji is a suite of Reinforcement Learning (RL) environments written in JAX providing clean, hardware-accelerated environments for industry-driven research.
- MARLlib
- MARLlib is a comprehensive Multi-Agent Reinforcement Learning algorithm library based on RLlib. It provides MARL research community with a unified platform for building, training, and evaluating MARL algorithms.
- Mava
- Mava is a framework for distributed multi-agent reinforcement learning in JAX.
- Melting Pot
- Melting Pot is a suite of test scenarios for multi-agent reinforcement learning.
- MetaDrive
- MetaDrive is a driving simulator that composes diverse driving scenarios for generalizable RL.
- Minigrid
- The Minigrid library contains a collection of discrete grid-world environments to conduct research on Reinforcement Learning. The environments follow the Gymnasium standard API and they are designed to be lightweight, fast, and easily customizable.
- MiniWorld
- MiniWorld is a minimalistic 3D interior environment simulator for reinforcement learning & robotics research.
- ML-Agents
- ML-Agents is an open-source project that enables games and simulations to serve as environments for training reinforcement learning intelligent agents.
- MushroomRL
- MushroomRL is a Python reinforcement learning (RL) library whose modularity allows to easily use well-known Python libraries for tensor computation (e.g. PyTorch, Tensorflow) and RL benchmarks (e.g. OpenAI Gym, PyBullet, Deepmind Control Suite).
- OmniSafe
- OmniSafe is an infrastructural framework designed to accelerate safe reinforcement learning (RL) research.
- PARL
- PARL is a flexible and high-efficient reinforcement learning framework.
- PettingZoo
- PettingZoo is a Python library for conducting research in multi-agent reinforcement learning, akin to a multi-agent version of Gymnasium.
- ranx
- ranx is a library of fast ranking evaluation metrics implemented in Python, leveraging Numba for high-speed vector operations and automatic parallelization.
- RL4CO
- RL4CO is a PyTorch library for all things reinforcement learning for combinatorial optimization (CO).
- skrl
- skrl is an open-source modular library for Reinforcement Learning written in Python (using PyTorch) and designed with a focus on readability, simplicity, and transparency of algorithm implementation.
- Stable Baselines
- A fork of OpenAI Baselines, implementations of reinforcement learning algorithms.
- TF-Agents
- A reliable, scalable and easy to use TensorFlow library for contextual bandits and reinforcement learning.
- TRL
- Train transformer language models with reinforcement learning.
- veRL
- veRL (HybridFlow) is a flexible, efficient and industrial-level RL(HF) training framework designed for LLMs.
- Apache ECharts
- Apache ECharts is a powerful, interactive charting and data visualization library for browser.
- Apache Superset
- A modern, enterprise-ready business intelligence web application.
- Bokeh
- Bokeh is an interactive visualization library for Python that enables beautiful and meaningful visual presentation of data in modern web browsers.
- Data Formulator
- Transform data and create rich visualizations iteratively with AI.
- ggplot2
- An implementation of the grammar of graphics for R.
- gradio
- Quickly create and share demos of models - by only writing Python. Debug models interactively in your browser, get feedback from collaborators, and generate public links without deploying anything.
- Kangas
- Kangas is a tool for exploring, analyzing, and visualizing large-scale multimedia data. It provides a straightforward Python API for logging large tables of data, along with an intuitive visual interface for performing complex queries against your dataset.
- matplotlib
- A Python 2D plotting library which produces publication-quality figures in a variety of hardcopy formats and interactive environments across platforms.
- Netron
- Netron is a viewer for neural network, deep learning and machine learning models.
- Perspective
Streaming pivot visualization via WebAssembly.
- Plotly
- An interactive, open source, and browser-based graphing library for Python.
- Redash
- Redash is anopen source visualisation framework that is built to allow easy access to big datasets leveraging multiple backends.
- seaborn
- Seaborn is a Python visualization library based on matplotlib. It provides a high-level interface for drawing attractive statistical graphics.
- Spotlight
- Spotlight helps you to identify critical data segments and model failure modes. It enables you to build and maintain reliable machine learning models by curating high-quality datasets.
- Streamlit
- Streamlit lets you create apps for your machine learning projects with deceptively simple Python scripts. It supports hot-reloading, so your app updates live as you edit and save your file.
- tensorboardX
- Write TensorBoard events with simple function call.
- TensorBoard
- TensorBoard is a visualization toolkit for machine learning experimentation that makes it easy to host, track, and share ML experiments.
- Transformer Explainer
- Transformer Explainer is an interactive visualization tool designed to help anyone learn how Transformer-based models like GPT work.
- Vega-Altair
- Vega-Altair is a declarative statistical visualization library for Python.
- ydata-profiling
- ydata-profiling provides a one-line Exploratory Data Analysis (EDA) experience in a consistent and fast solution.
- Amundsen
- Amundsen is a metadata driven application for improving the productivity of data analysts, data scientists and engineers when interacting with data.
- Apache Atlas
- Apache Atlas framework is an extensible set of core foundational governance services – enabling enterprises to effectively and efficiently meet their compliance requirements within Hadoop and allows integration with the whole enterprise data ecosystem.
- DataHub
- DataHub is LinkedIn's generalized metadata search & discovery tool.
- Marquez
- Marquez is an open source metadata service for the collection, aggregation, and visualization of a data ecosystem's metadata.
- Metacat
- Metacat is a unified metadata exploration API service. Metacat focusses on solving these problems: 1) federated views of metadata systems; 2) arbitrary metadata storage about data sets; 3) metadata discovery.
- ML Metadata
- a library for recording and retrieving metadata associated with ML developer and data scientist workflows.
- Aim
- A super-easy way to record, search and compare AI experiments.
- ClearML
- Auto-Magical Experiment Manager & Version Control for AI (previously Trains).
- Dolt
- Dolt is a SQL database that you can fork, clone, branch, merge, push and pull just like a git repository.
- DVC
- DVC (Data Version Control) is a git fork that allows for version management of models.
- Keepsake
- Version control for machine learning.
- KitOps
- KitOps is an open and standards-based packaging and versioning system for AI/ML projects that works with all the AI/ML, development, and DevOps tools you are already using.
- lakeFS
- Repeatable, atomic and versioned data lake on top of object storage.
- MLflow
- Open source platform to manage the ML lifecycle, including experimentation, reproducibility and deployment.
- Neptune
- Neptune is a scalable experiment tracker for teams that train foundation models.
- Polyaxon
- A platform for reproducible and scalable machine learning and deep learning on kubernetes - (Video).
- Quilt
- Versioning, reproducibility and deployment of data and models.
- Sacred
- Tool to help you configure, organize, log and reproduce machine learning experiments.
- TerminusDB
- A graph database management system that stores data like git.
- Weights & Biases
- Weights & Biase is a machine learning experiment tracking, dataset versioning, hyperparameter search, visualization, and collaboration.
- AutoAWQ
- AutoAWQ is an easy-to-use package for 4-bit quantized models.
- AutoGPTQ
- An easy-to-use LLMs quantization package with user-friendly apis, based on GPTQ algorithm.
- AWQ
- Activation-aware Weight Quantization for LLM Compression and Acceleration.
- GGML
- GGML is a high-performance, tensor library for machine learning that enables efficient inference on CPUs, particularly optimized for large language models.
- neural-compressor
- Intel® Neural Compressor aims to provide popular model compression techniques such as quantization, pruning (sparsity), distillation, and neural architecture search on mainstream frameworks.
- NNEF - Neural Network Exchange Format (NNEF) is an open standard for representing neural network models to enable interoperability and portability across different machine learning frameworks and platforms.
- ONNX
- ONNX (Open Neural Network Exchange) is an open-source format designed to facilitate interoperability and portability of machine learning models across different frameworks and platforms.
- PFA - PFA (Portable Format for Analytics) format is a standard for representing and exchanging predictive models and analytics workflows in a portable, JSON-based format.
- PMML - PMML (Predictive Model Markup Language) is an XML-based standard for representing and sharing predictive models between different applications.
- Quanto
- Quanto aims to simplify quantizing deep learning models.
- ART
- ART (Adversarial Robustness Toolbox) provides tools that enable developers and researchers to defend and evaluate Machine Learning models and applications against the adversarial threats of Evasion, Poisoning, Extraction, and Inference.
- CipherChat
- CipherChat is a framework to evaluate the generalization capability of safety alignment for LLMs
- FATE
- FATE (Federated AI Technology Enabler) is the world's first industrial grade federated learning open source framework to enable enterprises and institutions to collaborate on data while protecting data security and privacy.
- FedML
- FedML provides a research and production integrated edge-cloud platform for Federated/Distributed Machine Learning at anywhere at any scale.
- Flower
- Flower is a Federated Learning Framework with a unified approach. It enables the federation of any ML workload, with any ML framework, and any programming language.
- Google's Differential Privacy
- This is a C++ library of ε-differentially private algorithms, which can be used to produce aggregate statistics over numeric data sets containing private or sensitive information.
- Guardrails
- Guardrails is a package that lets a user add structure, type and quality guarantees to the outputs of large language models.
- NeMo Guardrails
- NeMo Guardrails is an open-source toolkit for easily adding programmable guardrails to LLM-based conversational systems.
- OpenFL
- OpenFL is a Python framework for Federated Learning. OpenFL is designed to be a flexible, extensible and easily learnable tool for data scientists. OpenFL is developed by Intel Internet of Things Group (IOTG) and Intel Labs.
- PySyft
- A Python library for secure, private Deep Learning. PySyft decouples private data from model training, using Multi-Party Computation (MPC) within PyTorch.
- Tensorflow Privacy
- A Python library that includes implementations of TensorFlow optimizers for training machine learning models with differential privacy.
- TF Encrypted
- A Framework for Confidential Machine Learning on Encrypted Data in TensorFlow.
- Accelerate
- Accelerate abstracts exactly and only the boilerplate code related to multi-GPU/TPU/mixed-precision and leaves the rest of your code unchanged.
- Avalanche
- Avalanche is an end-to-end Continual Learning library to provide a shared and collaborative open-source (MIT licensed) codebase for fast prototyping, training and reproducible evaluation of continual learning algorithms.
- Axolotl
- Axolotl is a tool designed to streamline the fine-tuning of various AI models, offering support for multiple configurations and architectures.
- CML
- Continuous Machine Learning (CML) is an open-source library for implementing continuous integration & delivery (CI/CD) in machine learning projects.
- CoreNet
- CoreNet is a deep neural network toolkit that allows researchers and engineers to train standard and novel small and large-scale models for variety of tasks, including foundation models (e.g., CLIP and LLM), object classification, object detection, and semantic segmentation.
- Determined
- Deep learning training platform with integrated support for distributed training, hyperparameter tuning, and model management (supports Tensorflow and Pytorch).
- envd
- Machine learning development environment for data science and AI/ML engineering teams.
- Hopsworks
- Hopsworks is a data-intensive platform for the design and operation of machine learning pipelines that includes a Feature Store - (Video).
- Ignite
- Ignite is a high-level library to help with training and evaluating neural networks in PyTorch flexibly and transparently.
- Ludwig
- Ludwig is a low-code framework for building custom AI models like LLMs and other deep neural networks.
- Kubeflow
- A cloud-native platform for machine learning based on Google’s internal machine learning pipelines.
- MFTCoder
- MFTCoder is an open-source project of CodeFuse for accurate and efficient Multi-task Fine-tuning(MFT) on Large Language Models(LLMs), especially on Code-LLMs(large language model for code tasks).
- MLeap
- Standardisation of pipeline and model serialization for Spark, Tensorflow and sklearn.
- Nanotron
- Nanotron provides distributed primitives to train a variety of models efficiently using 3D parallelism.
- NeMo
- NVIDIA NeMo is a scalable and cloud-native generative AI framework built for researchers and PyTorch developers working on Large Language Models (LLMs), Multimodal Models (MMs), Automatic Speech Recognition (ASR), Text to Speech (TTS), and Computer Vision (CV) domains. It is designed to help you efficiently create, customize, and deploy new generative AI models by leveraging existing code and pre-trained model checkpoints.
- NVIDIA TensorRT
- TensorRT is a C++ library for high-performance inference on NVIDIA GPUs and deep learning accelerators.
- Prime
- Prime is a framework for efficient, globally distributed training of AI models over the internet.
- PyCaret
) - low-code library for training and deploying models (scikit-learn, XGBoost, LightGBM, spaCy)
- Sematic
- Platform to build resource-intensive pipelines with simple Python.
- Skaffold
- Skaffold is a command line tool that facilitates continuous development for Kubernetes applications. You can iterate on your application source code locally then deploy to local or remote Kubernetes clusters.
- Streaming
- A Data Streaming Library for Efficient Neural Network Training.
- TFX
- Tensorflow Extended (TFX) is a production oriented configuration framework for ML based on TensorFlow, incl. monitoring and model version management.
- torchdistill
- torchdistill offers various state-of-the-art knowledge distillation methods and enables you to design (new) experiments simply by editing a declarative yaml config file instead of Python code.
- veScale
- veScale is a PyTorch native LLM training framework.
- YDF
- YDF (Yggdrasil Decision Forests) is a library to train, evaluate, interpret, and serve Random Forest, Gradient Boosted Decision Trees, CART and Isolation forest models.