Awesome Jax Overview
JAX - A curated list of resources https://github.com/google/jax
🏠 Home · 🔥 Feed · 📮 Subscribe · ❤️ Sponsor · 😺 n2cholas/awesome-jax · ⭐ 1.3K · 🏷️ Computer Science
Awesome JAX
JAX (⭐28k) brings automatic differentiation and the XLA compiler together through a NumPy-like API for high performance machine learning research on accelerators like GPUs and TPUs.
This is a curated list of awesome JAX libraries, projects, and other resources. Contributions are welcome!
Contents
Libraries
- Neural Network Libraries
- Flax (⭐5.5k) - Centered on flexibility and clarity.
- Haiku (⭐2.8k) - Focused on simplicity, created by the authors of Sonnet at DeepMind.
- Objax (⭐760) - Has an object oriented design similar to PyTorch.
- Elegy - A High Level API for Deep Learning in JAX. Supports Flax, Haiku, and Optax.
- Trax (⭐8k) - "Batteries included" deep learning library focused on providing solutions for common workloads.
- Jraph (⭐1.3k) - Lightweight graph neural network library.
- Neural Tangents (⭐2.2k) - High-level API for specifying neural networks of both finite and infinite width.
- HuggingFace (⭐125k) - Ecosystem of pretrained Transformers for a wide range of natural language tasks (Flax).
- Equinox (⭐1.8k) - Callable PyTrees and filtered JIT/grad transformations => neural networks in JAX.
- Scenic (⭐3k) - A Jax Library for Computer Vision Research and Beyond.
- Levanter (⭐445) - Legible, Scalable, Reproducible Foundation Models with Named Tensors and JAX.
- EasyLM (⭐2.2k) - LLMs made easy: Pre-training, finetuning, evaluating and serving LLMs in JAX/Flax.
- NumPyro (⭐2k) - Probabilistic programming based on the Pyro library.
- Chex (⭐716) - Utilities to write and test reliable JAX code.
- Optax (⭐1.5k) - Gradient processing and optimization library.
- RLax (⭐1.2k) - Library for implementing reinforcement learning agents.
- JAX, M.D. (⭐1.1k) - Accelerated, differential molecular dynamics.
- Coax (⭐161) - Turn RL papers into code, the easy way.
- Distrax (⭐508) - Reimplementation of TensorFlow Probability, containing probability distributions and bijectors.
- cvxpylayers (⭐1.7k) - Construct differentiable convex optimization layers.
- TensorLy (⭐1.5k) - Tensor learning made simple.
- NetKet (⭐502) - Machine Learning toolbox for Quantum Physics.
- Fortuna (⭐852) - AWS library for Uncertainty Quantification in Deep Learning.
- BlackJAX (⭐726) - Library of samplers for JAX.
New Libraries
This section contains libraries that are well-made and useful, but have not necessarily been battle-tested by a large userbase yet.
- Neural Network Libraries
- FedJAX (⭐249) - Federated learning in JAX, built on Optax and Haiku.
- Equivariant MLP (⭐246) - Construct equivariant neural network layers.
- jax-resnet (⭐100) - Implementations and checkpoints for ResNet variants in Flax.
- Parallax (⭐157) - Immutable Torch Modules for JAX.
- jax-unirep (⭐101) - Library implementing the UniRep model for protein machine learning applications.
- jax-flows (⭐262) - Normalizing flows in JAX.
- sklearn-jax-kernels (⭐41) -
scikit-learn
kernel matrices using JAX. - jax-cosmo (⭐157) - Differentiable cosmology library.
- efax (⭐49) - Exponential Families in JAX.
- mpi4jax (⭐371) - Combine MPI operations with your Jax code on CPUs and GPUs.
- imax (⭐34) - Image augmentations and transformations.
- FlaxVision (⭐44) - Flax version of TorchVision.
- Oryx (⭐4.1k) - Probabilistic programming language based on program transformations.
- Optimal Transport Tools (⭐215) - Toolbox that bundles utilities to solve optimal transport problems.
- delta PV (⭐53) - A photovoltaic simulator with automatic differentation.
- jaxlie (⭐201) - Lie theory library for rigid body transformations and optimization.
- BRAX (⭐2.1k) - Differentiable physics engine to simulate environments along with learning algorithms to train agents for these environments.
- flaxmodels (⭐222) - Pretrained models for Jax/Flax.
- CR.Sparse (⭐80) - XLA accelerated algorithms for sparse representations and compressive sensing.
- exojax (⭐40) - Automatic differentiable spectrum modeling of exoplanets/brown dwarfs compatible to JAX.
- JAXopt (⭐889) - Hardware accelerated (GPU/TPU), batchable and differentiable optimizers in JAX.
- PIX (⭐363) - PIX is an image processing library in JAX, for JAX.
- bayex (⭐78) - Bayesian Optimization powered by JAX.
- JaxDF (⭐107) - Framework for differentiable simulators with arbitrary discretizations.
- tree-math (⭐167) - Convert functions that operate on arrays into functions that operate on PyTrees.
- jax-models (⭐140) - Implementations of research papers originally without code or code written with frameworks other than JAX.
- PGMax (⭐63) - A framework for building discrete Probabilistic Graphical Models (PGM's) and running inference inference on them via JAX.
- EvoJAX (⭐786) - Hardware-Accelerated Neuroevolution
- evosax (⭐450) - JAX-Based Evolution Strategies
- SymJAX (⭐117) - Symbolic CPU/GPU/TPU programming.
- mcx (⭐324) - Express & compile probabilistic programs for performant inference.
- Einshape (⭐89) - DSL-based reshaping library for JAX and other frameworks.
- ALX (⭐33k) - Open-source library for distributed matrix factorization using Alternating Least Squares, more info in ALX: Large Scale Matrix Factorization on TPUs.
- Diffrax (⭐1.2k) - Numerical differential equation solvers in JAX.
- tinygp (⭐278) - The tiniest of Gaussian process libraries in JAX.
- gymnax (⭐524) - Reinforcement Learning Environments with the well-known gym API.
- Mctx (⭐2.2k) - Monte Carlo tree search algorithms in native JAX.
- KFAC-JAX (⭐199) - Second Order Optimization with Approximate Curvature for NNs.
- TF2JAX (⭐96) - Convert functions/graphs to JAX functions.
- jwave (⭐123) - A library for differentiable acoustic simulations
- GPJax (⭐387) - Gaussian processes in JAX.
- Jumanji (⭐526) - A Suite of Industry-Driven Hardware-Accelerated RL Environments written in JAX.
- Eqxvision (⭐95) - Equinox version of Torchvision.
- JAXFit (⭐43) - Accelerated curve fitting library for nonlinear least-squares problems (see arXiv paper).
- econpizza (⭐59) - Solve macroeconomic models with hetereogeneous agents using JAX.
- SPU (⭐201) - A domain-specific compiler and runtime suite to run JAX code with MPC(Secure Multi-Party Computation).
- jax-tqdm (⭐54) - Add a tqdm progress bar to JAX scans and loops.
- safejax (⭐38) - Serialize JAX, Flax, Haiku, or Objax model params with 🤗
safetensors
. - Kernex (⭐59) - Differentiable stencil decorators in JAX.
- MaxText (⭐1.3k) - A simple, performant and scalable Jax LLM written in pure Python/Jax and targeting Google Cloud TPUs.
- Pax (⭐391) - A Jax-based machine learning framework for training large scale models.
- Praxis (⭐141) - The layer library for Pax with a goal to be usable by other JAX-based ML projects.
- purejaxrl (⭐562) - Vectorisable, end-to-end RL algorithms in JAX.
- Lorax (⭐116) - Automatically apply LoRA to JAX models (Flax, Haiku, etc.)
- SCICO (⭐84) - Scientific computational imaging in JAX.
- Spyx (⭐74) - Spiking Neural Networks in JAX for machine learning on neuromorphic hardware.
- BrainPy (⭐476) - Brain Dynamics Programming in Python.
- OTT-JAX (⭐456) - Optimal transport tools in JAX.
- QDax (⭐243) - Quality Diversity optimization in Jax.
- JAX Toolbox (⭐167) - Nightly CI and optimized examples for JAX on NVIDIA GPUs using libraries such as T5x, Paxml, and Transformer Engine.
- Pgx (⭐317) - Vectorized board game environments for RL with an AlphaZero example.
- EasyDeL (⭐150) - EasyDeL 🔮 is an OpenSource Library to make your training faster and more Optimized With cool Options for training and serving (Llama, MPT, Mixtral, Falcon, etc) in JAX
- XLB (⭐141) - A Differentiable Massively Parallel Lattice Boltzmann Library in Python for Physics-Based Machine Learning.
- dynamiqs (⭐96) - High-performance and differentiable simulations of quantum systems with JAX.
Models and Projects
JAX
- Fourier Feature Networks (⭐1.2k) - Official implementation of Fourier Features Let Networks Learn High Frequency Functions in Low Dimensional Domains.
- kalman-jax (⭐91) - Approximate inference for Markov (i.e., temporal) Gaussian processes using iterated Kalman filtering and smoothing.
- jaxns (⭐121) - Nested sampling in JAX.
- Amortized Bayesian Optimization (⭐33k) - Code related to Amortized Bayesian Optimization over Discrete Spaces.
- Accurate Quantized Training (⭐33k) - Tools and libraries for running and analyzing neural network quantization experiments in JAX and Flax.
- BNN-HMC (⭐33k) - Implementation for the paper What Are Bayesian Neural Network Posteriors Really Like?.
- JAX-DFT (⭐33k) - One-dimensional density functional theory (DFT) in JAX, with implementation of Kohn-Sham equations as regularizer: building prior knowledge into machine-learned physics.
- Robust Loss (⭐33k) - Reference code for the paper A General and Adaptive Robust Loss Function.
- Symbolic Functionals (⭐33k) - Demonstration from Evolving symbolic density functionals.
- TriMap (⭐33k) - Official JAX implementation of TriMap: Large-scale Dimensionality Reduction Using Triplets.
Flax
- Performer (⭐33k) - Flax implementation of the Performer (linear transformer via FAVOR+) architecture.
- JaxNeRF (⭐33k) - Implementation of NeRF: Representing Scenes as Neural Radiance Fields for View Synthesis with multi-device GPU/TPU support.
- mip-NeRF (⭐879) - Official implementation of Mip-NeRF: A Multiscale Representation for Anti-Aliasing Neural Radiance Fields.
- RegNeRF (⭐33k) - Official implementation of RegNeRF: Regularizing Neural Radiance Fields for View Synthesis from Sparse Inputs.
- Big Transfer (BiT) (⭐1.5k) - Implementation of Big Transfer (BiT): General Visual Representation Learning.
- JAX RL (⭐578) - Implementations of reinforcement learning algorithms.
- gMLP - Implementation of Pay Attention to MLPs.
- MLP Mixer - Minimal implementation of MLP-Mixer: An all-MLP Architecture for Vision.
- Distributed Shampoo (⭐33k) - Implementation of Second Order Optimization Made Practical.
- NesT (⭐189) - Official implementation of Aggregating Nested Transformers.
- XMC-GAN (⭐99) - Official implementation of Cross-Modal Contrastive Learning for Text-to-Image Generation.
- FNet (⭐33k) - Official implementation of FNet: Mixing Tokens with Fourier Transforms.
- GFSA (⭐33k) - Official implementation of Learning Graph Structure With A Finite-State Automaton Layer.
- IPA-GNN (⭐33k) - Official implementation of Learning to Execute Programs with Instruction Pointer Attention Graph Neural Networks.
- Flax Models (⭐33k) - Collection of models and methods implemented in Flax.
- Protein LM (⭐33k) - Implements BERT and autoregressive models for proteins, as described in Biological Structure and Function Emerge from Scaling Unsupervised Learning to 250 Million Protein Sequences and ProGen: Language Modeling for Protein Generation.
- Slot Attention (⭐33k) - Reference implementation for Differentiable Patch Selection for Image Recognition.
- Vision Transformer (⭐9.3k) - Official implementation of An Image is Worth 16x16 Words: Transformers for Image Recognition at Scale.
- FID computation (⭐21) - Port of mseitzer/pytorch-fid (⭐3.1k) to Flax.
- ARDM (⭐33k) - Official implementation of Autoregressive Diffusion Models.
- D3PM (⭐33k) - Official implementation of Structured Denoising Diffusion Models in Discrete State-Spaces.
- Gumbel-max Causal Mechanisms (⭐33k) - Code for Learning Generalized Gumbel-max Causal Mechanisms, with extra code in GuyLor/gumbel_max_causal_gadgets_part2 (⭐2).
- Latent Programmer (⭐33k) - Code for the ICML 2021 paper Latent Programmer: Discrete Latent Codes for Program Synthesis.
- SNeRG (⭐33k) - Official implementation of Baking Neural Radiance Fields for Real-Time View Synthesis.
- Spin-weighted Spherical CNNs (⭐33k) - Adaptation of Spin-Weighted Spherical CNNs.
- VDVAE (⭐33k) - Adaptation of Very Deep VAEs Generalize Autoregressive Models and Can Outperform Them on Images, original code at openai/vdvae (⭐427).
- MUSIQ (⭐33k) - Checkpoints and model inference code for the ICCV 2021 paper MUSIQ: Multi-scale Image Quality Transformer
- AQuaDem (⭐33k) - Official implementation of Continuous Control with Action Quantization from Demonstrations.
- Combiner (⭐33k) - Official implementation of Combiner: Full Attention Transformer with Sparse Computation Cost.
- Dreamfields (⭐33k) - Official implementation of the ICLR 2022 paper Progressive Distillation for Fast Sampling of Diffusion Models.
- GIFT (⭐33k) - Official implementation of Gradual Domain Adaptation in the Wild:When Intermediate Distributions are Absent.
- Light Field Neural Rendering (⭐33k) - Official implementation of Light Field Neural Rendering.
- Sharpened Cosine Similarity in JAX by Raphael Pisoni - A JAX/Flax implementation of the Sharpened Cosine Similarity layer.
- GNNs for Solving Combinatorial Optimization Problems (⭐38) - A JAX + Flax implementation of Combinatorial Optimization with Physics-Inspired Graph Neural Networks.
Haiku
- AlphaFold (⭐12k) - Implementation of the inference pipeline of AlphaFold v2.0, presented in Highly accurate protein structure prediction with AlphaFold.
- Adversarial Robustness (⭐13k) - Reference code for Uncovering the Limits of Adversarial Training against Norm-Bounded Adversarial Examples and Fixing Data Augmentation to Improve Adversarial Robustness.
- Bootstrap Your Own Latent (⭐13k) - Implementation for the paper Bootstrap your own latent: A new approach to self-supervised Learning.
- Gated Linear Networks (⭐13k) - GLNs are a family of backpropagation-free neural networks.
- Glassy Dynamics (⭐13k) - Open source implementation of the paper Unveiling the predictive power of static structure in glassy systems.
- MMV (⭐13k) - Code for the models in Self-Supervised MultiModal Versatile Networks.
- Normalizer-Free Networks (⭐13k) - Official Haiku implementation of NFNets.
- NuX (⭐82) - Normalizing flows with JAX.
- OGB-LSC (⭐13k) - This repository contains DeepMind's entry to the PCQM4M-LSC (quantum chemistry) and MAG240M-LSC (academic graph) tracks of the OGB Large-Scale Challenge (OGB-LSC).
- Persistent Evolution Strategies (⭐33k) - Code used for the paper Unbiased Gradient Estimation in Unrolled Computation Graphs with Persistent Evolution Strategies.
- Two Player Auction Learning (⭐0) - JAX implementation of the paper Auction learning as a two-player game.
- WikiGraphs (⭐13k) - Baseline code to reproduce results in WikiGraphs: A Wikipedia Text - Knowledge Graph Paired Datase.
Trax
- Reformer (⭐8k) - Implementation of the Reformer (efficient transformer) architecture.
NumPyro
- lqg (⭐23) - Official implementation of Bayesian inverse optimal control for linear-quadratic Gaussian problems from the paper Putting perception into action with inverse optimal control for continuous psychophysics
Videos
- NeurIPS 2020: JAX Ecosystem Meetup - JAX, its use at DeepMind, and discussion between engineers, scientists, and JAX core team.
- Introduction to JAX - Simple neural network from scratch in JAX.
- JAX: Accelerated Machine Learning Research | SciPy 2020 | VanderPlas - JAX's core design, how it's powering new research, and how you can start using it.
- Bayesian Programming with JAX + NumPyro — Andy Kitchen - Introduction to Bayesian modelling using NumPyro.
- JAX: Accelerated machine-learning research via composable function transformations in Python | NeurIPS 2019 | Skye Wanderman-Milne - JAX intro presentation in Program Transformations for Machine Learning workshop.
- JAX on Cloud TPUs | NeurIPS 2020 | Skye Wanderman-Milne and James Bradbury - Presentation of TPU host access with demo.
- Deep Implicit Layers - Neural ODEs, Deep Equilibirum Models, and Beyond | NeurIPS 2020 - Tutorial created by Zico Kolter, David Duvenaud, and Matt Johnson with Colab notebooks avaliable in Deep Implicit Layers.
- Solving y=mx+b with Jax on a TPU Pod slice - Mat Kelcey - A four part YouTube tutorial series with Colab notebooks that starts with Jax fundamentals and moves up to training with a data parallel approach on a v3-32 TPU Pod slice.
- JAX, Flax & Transformers 🤗 (⭐125k) - 3 days of talks around JAX / Flax, Transformers, large-scale language modeling and other great topics.
Papers
This section contains papers focused on JAX (e.g. JAX-based library whitepapers, research on JAX, etc). Papers implemented in JAX are listed in the Models/Projects section.
- Compiling machine learning programs via high-level tracing. Roy Frostig, Matthew James Johnson, Chris Leary. MLSys 2018. - White paper describing an early version of JAX, detailing how computation is traced and compiled.
- JAX, M.D.: A Framework for Differentiable Physics. Samuel S. Schoenholz, Ekin D. Cubuk. NeurIPS 2020. - Introduces JAX, M.D., a differentiable physics library which includes simulation environments, interaction potentials, neural networks, and more.
- Enabling Fast Differentially Private SGD via Just-in-Time Compilation and Vectorization. Pranav Subramani, Nicholas Vadivelu, Gautam Kamath. arXiv 2020. - Uses JAX's JIT and VMAP to achieve faster differentially private than existing libraries.
- XLB: A Differentiable Massively Parallel Lattice Boltzmann Library in Python. Mohammadmehdi Ataei, Hesam Salehipour. arXiv 2023. - White paper describing the XLB library: benchmarks, validations, and more details about the library.
Tutorials and Blog Posts
- Using JAX to accelerate our research by David Budden and Matteo Hessel - Describes the state of JAX and the JAX ecosystem at DeepMind.
- Getting started with JAX (MLPs, CNNs & RNNs) by Robert Lange - Neural network building blocks from scratch with the basic JAX operators.
- Learn JAX: From Linear Regression to Neural Networks by Rito Ghosh - A gentle introduction to JAX and using it to implement Linear and Logistic Regression, and Neural Network models and using them to solve real world problems.
- Tutorial: image classification with JAX and Flax Linen by 8bitmp3 (⭐22) - Learn how to create a simple convolutional network with the Linen API by Flax and train it to recognize handwritten digits.
- Plugging Into JAX by Nick Doiron - Compares Flax, Haiku, and Objax on the Kaggle flower classification challenge.
- Meta-Learning in 50 Lines of JAX by Eric Jang - Introduction to both JAX and Meta-Learning.
- Normalizing Flows in 100 Lines of JAX by Eric Jang - Concise implementation of RealNVP.
- Differentiable Path Tracing on the GPU/TPU by Eric Jang - Tutorial on implementing path tracing.
- Ensemble networks by Mat Kelcey - Ensemble nets are a method of representing an ensemble of models as one single logical model.
- Out of distribution (OOD) detection by Mat Kelcey - Implements different methods for OOD detection.
- Understanding Autodiff with JAX by Srihari Radhakrishna - Understand how autodiff works using JAX.
- From PyTorch to JAX: towards neural net frameworks that purify stateful code by Sabrina J. Mielke - Showcases how to go from a PyTorch-like style of coding to a more Functional-style of coding.
- Extending JAX with custom C++ and CUDA code by Dan Foreman-Mackey (⭐353) - Tutorial demonstrating the infrastructure required to provide custom ops in JAX.
- Evolving Neural Networks in JAX by Robert Tjarko Lange - Explores how JAX can power the next generation of scalable neuroevolution algorithms.
- Exploring hyperparameter meta-loss landscapes with JAX by Luke Metz - Demonstrates how to use JAX to perform inner-loss optimization with SGD and Momentum, outer-loss optimization with gradients, and outer-loss optimization using evolutionary strategies.
- Deterministic ADVI in JAX by Martin Ingram - Walk through of implementing automatic differentiation variational inference (ADVI) easily and cleanly with JAX.
- Evolved channel selection by Mat Kelcey - Trains a classification model robust to different combinations of input channels at different resolutions, then uses a genetic algorithm to decide the best combination for a particular loss.
- Introduction to JAX by Kevin Murphy - Colab that introduces various aspects of the language and applies them to simple ML problems.
- Writing an MCMC sampler in JAX by Jeremie Coullon - Tutorial on the different ways to write an MCMC sampler in JAX along with speed benchmarks.
- How to add a progress bar to JAX scans and loops by Jeremie Coullon - Tutorial on how to add a progress bar to compiled loops in JAX using the
host_callback
module. - Get started with JAX by Aleksa Gordić (⭐559) - A series of notebooks and videos going from zero JAX knowledge to building neural networks in Haiku.
- Writing a Training Loop in JAX + FLAX by Saurav Maheshkar and Soumik Rakshit - A tutorial on writing a simple end-to-end training and evaluation pipeline in JAX, Flax and Optax.
- Implementing NeRF in JAX by Soumik Rakshit and Saurav Maheshkar - A tutorial on 3D volumetric rendering of scenes represented by Neural Radiance Fields in JAX.
- Deep Learning tutorials with JAX+Flax by Phillip Lippe - A series of notebooks explaining various deep learning concepts, from basics (e.g. intro to JAX/Flax, activiation functions) to recent advances (e.g., Vision Transformers, SimCLR), with translations to PyTorch.
- Achieving 4000x Speedups with PureJaxRL - A blog post on how JAX can massively speedup RL training through vectorisation.
Books
- Jax in Action - A hands-on guide to using JAX for deep learning and other mathematically-intensive applications.
Community
Contributing
Contributions welcome! Read the contribution guidelines first.