To provide 100 JAX exercises over different sections structured as a course or tutorials to teach and learn for beginners, intermediates as well as experts

Related tags

Deep Learningjaxton
Overview

JaxTon

💯 JAX exercises

License GitHub Twitter

Mission 🚀

To provide 100 JAX exercises over different sections structured as a course or tutorials to teach and learn for beginners, intermediates as well as experts.

JAX

The JAX package in Python is a library for high performance and efficient machine learning research.

It is commonly used for various deep learning tasks and runs seamlessly on CPUs, GPUs as well as TPUs.

Exercises 📖

There are a total of 100 JAX exercises divided into 10 sets of Jupyter Notebooks with 10 exercises each. It is recommended to go through the exercises in order but you may start with any set depending on your expertise.

Structured as exercises & tutorials - Choose your style
Suitable for beginners, intermediates & experts - Choose your level
Available on Colab, Kaggle, Binder & GitHub - Choose your platform
Supports running on CPU, GPU & TPU - Choose your backend

Set 01 • JAX Introduction • Beginner • Exercises 1-10

Style Colab Kaggle Binder GitHub
Exercises 1st February, 2022 1st February, 2022 1st February, 2022 1st February, 2022
Solutions 1st February, 2022 1st February, 2022 1st February, 2022 1st February, 2022

Set 02 • Data Operations • Beginner • Exercises 11-20

Style Colab Kaggle Binder GitHub
Exercises 4th February, 2022 4th February, 2022 4th February, 2022 4th February, 2022
Solutions 4th February, 2022 4th February, 2022 4th February, 2022 4th February, 2022

Set 03 • Pseudorandom Numbers • Beginner • Exercises 21-30

Style Colab Kaggle Binder GitHub
Exercises 7th February, 2022 7th February, 2022 7th February, 2022 7th February, 2022
Solutions 7th February, 2022 7th February, 2022 7th February, 2022 7th February, 2022

Set 04 • Just-In-Time (JIT) Compilation • Beginner • Exercises 31-40

Style Colab Kaggle Binder GitHub
Exercises 10th February, 2022 10th February, 2022 10th February, 2022 10th February, 2022
Solutions 10th February, 2022 10th February, 2022 10th February, 2022 10th February, 2022

Set 05 • Control Flows • Beginner • Exercises 41-50

Style Colab Kaggle Binder GitHub
Exercises 13th February, 2022 13th February, 2022 13th February, 2022 13th February, 2022
Solutions 13th February, 2022 13th February, 2022 13th February, 2022 13th February, 2022

Set 06 • Automatic Differentiation • Intermediate • Exercises 51-60

Style Colab Kaggle Binder GitHub
Exercises 16th February, 2022 16th February, 2022 16th February, 2022 16th February, 2022
Solutions 16th February, 2022 16th February, 2022 16th February, 2022 16th February, 2022

Set 07 • Automatic Vectorization • Intermediate • Exercises 61-70

Style Colab Kaggle Binder GitHub
Exercises 19th February, 2022 19th February, 2022 19th February, 2022 19th February, 2022
Solutions 19th February, 2022 19th February, 2022 19th February, 2022 19th February, 2022

Set 08 • Pytrees • Intermediate • Exercises 71-80

Style Colab Kaggle Binder GitHub
Exercises 22nd February, 2022 22nd February, 2022 22nd February, 2022 22nd February, 2022
Solutions 22nd February, 2022 22nd February, 2022 22nd February, 2022 22nd February, 2022

Set 09 • Neural Networks • Expert • Exercises 81-90

Style Colab Kaggle Binder GitHub
Exercises 25th February, 2022 25th February, 2022 25th February, 2022 25th February, 2022
Solutions 25th February, 2022 25th February, 2022 25th February, 2022 25th February, 2022

Set 10 • Capstone Project • Expert • Exercises 91-100

Style Colab Kaggle Binder GitHub
Exercises 28th February, 2022 28th February, 2022 28th February, 2022 28th February, 2022
Solutions 28th February, 2022 28th February, 2022 28th February, 2022 28th February, 2022

The Jupyter Notebooks can also be run locally by cloning the repo and running on your local jupyter server.

git clone https://github.com/vopani/jaxton.git
python3 -m pip install notebook
jupyter notebook

P.S. The notebooks will be periodically updated to improve the exercises and support the latest version.

Contribution 🛠️

Please create an Issue for any improvements, suggestions or errors in the content.

You can also tag @vopani on Twitter for any other queries or feedback.

Credits 🙏

JAX

License 📋

This project is licensed under the Apache License 2.0.

Owner
Rohan Rao
9-time Indian Sudoku Champion | Senior Data Scientist @h2oai | Quadruple Kaggle Grandmaster
Rohan Rao
🍅🍅🍅YOLOv5-Lite: lighter, faster and easier to deploy. Evolved from yolov5 and the size of model is only 1.7M (int8) and 3.3M (fp16). It can reach 10+ FPS on the Raspberry Pi 4B when the input size is 320×320~

YOLOv5-Lite:lighter, faster and easier to deploy Perform a series of ablation experiments on yolov5 to make it lighter (smaller Flops, lower memory, a

pogg 1.5k Jan 05, 2023
Plug-n-Play Reinforcement Learning in Python with OpenAI Gym and JAX

coax is built on top of JAX, but it doesn't have an explicit dependence on the jax python package. The reason is that your version of jaxlib will depend on your CUDA version.

128 Dec 27, 2022
Simple Python application to transform Serial data into OSC messages

SerialToOSC-Bridge Simple Python application to transform Serial data into OSC messages. The current purpose is to be a compatibility layer between ha

Division of Applied Acoustics at Chalmers University of Technology 3 Jun 03, 2021
Physics-Informed Neural Networks (PINN) and Deep BSDE Solvers of Differential Equations for Scientific Machine Learning (SciML) accelerated simulation

NeuralPDE NeuralPDE.jl is a solver package which consists of neural network solvers for partial differential equations using scientific machine learni

SciML Open Source Scientific Machine Learning 680 Jan 02, 2023
DM-ACME compatible implementation of the Arm26 environment from Mujoco

ACME-compatible implementation of Arm26 from Mujoco This repository contains a customized implementation of Mujoco's Arm26 model, that can be used wit

1 Dec 24, 2021
A NSFW content filter.

Project_Nfilter A NSFW content filter. With a motive of minimizing the spreads and leakage of NSFW contents on internet and access to others devices ,

1 Jan 20, 2022
Code for C2-Matching (CVPR2021). Paper: Robust Reference-based Super-Resolution via C2-Matching.

C2-Matching (CVPR2021) This repository contains the implementation of the following paper: Robust Reference-based Super-Resolution via C2-Matching Yum

Yuming Jiang 151 Dec 26, 2022
Anomaly detection in multi-agent trajectories: Code for training, evaluation and the OpenAI highway simulation.

Anomaly Detection in Multi-Agent Trajectories for Automated Driving This is the official project page including the paper, code, simulation, baseline

12 Dec 02, 2022
Official implementation of our paper "LLA: Loss-aware Label Assignment for Dense Pedestrian Detection" in Pytorch.

LLA: Loss-aware Label Assignment for Dense Pedestrian Detection This project provides an implementation for "LLA: Loss-aware Label Assignment for Dens

35 Dec 06, 2022
DECAF: Generating Fair Synthetic Data Using Causally-Aware Generative Networks

DECAF (DEbiasing CAusal Fairness) Code Author: Trent Kyono This repository contains the code used for the "DECAF: Generating Fair Synthetic Data Using

van_der_Schaar \LAB 7 Nov 24, 2022
AdaNet is a lightweight TensorFlow-based framework for automatically learning high-quality models with minimal expert intervention

AdaNet is a lightweight TensorFlow-based framework for automatically learning high-quality models with minimal expert intervention. AdaNet buil

3.4k Jan 07, 2023
simple_pytorch_example project is a toy example of a python script that instantiates and trains a PyTorch neural network on the FashionMNIST dataset

simple_pytorch_example project is a toy example of a python script that instantiates and trains a PyTorch neural network on the FashionMNIST dataset

Ramón Casero 1 Jan 07, 2022
Generate images from texts. In Russian. In PaddlePaddle

ruDALL-E PaddlePaddle ruDALL-E in PaddlePaddle. Install: pip install rudalle_paddle==0.0.1rc1 Run with free v100 on AI Studio. Original Pytorch versi

AgentMaker 20 Oct 18, 2022
A pytorch reprelication of the model-based reinforcement learning algorithm MBPO

Overview This is a re-implementation of the model-based RL algorithm MBPO in pytorch as described in the following paper: When to Trust Your Model: Mo

Xingyu Lin 93 Jan 05, 2023
Source code for the GPT-2 story generation models in the EMNLP 2020 paper "STORIUM: A Dataset and Evaluation Platform for Human-in-the-Loop Story Generation"

Storium GPT-2 Models This is the official repository for the GPT-2 models described in the EMNLP 2020 paper [STORIUM: A Dataset and Evaluation Platfor

Nader Akoury 27 Dec 20, 2022
mbrl-lib is a toolbox for facilitating development of Model-Based Reinforcement Learning algorithms.

mbrl-lib is a toolbox for facilitating development of Model-Based Reinforcement Learning algorithms. It provides easily interchangeable modeling and planning components, and a set of utility function

Facebook Research 724 Jan 04, 2023
FACIAL: Synthesizing Dynamic Talking Face With Implicit Attribute Learning. ICCV, 2021.

FACIAL: Synthesizing Dynamic Talking Face with Implicit Attribute Learning PyTorch implementation for the paper: FACIAL: Synthesizing Dynamic Talking

226 Jan 08, 2023
Implementation of ICCV 2021 oral paper -- A Novel Self-Supervised Learning for Gaussian Mixture Model

SS-GMM Implementation of ICCV 2021 oral paper -- Self-Supervised Image Prior Learning with GMM from a Single Noisy Image with supplementary material R

HUST-The Tan Lab 4 Dec 05, 2022
Align before Fuse: Vision and Language Representation Learning with Momentum Distillation

This is the official PyTorch implementation of the ALBEF paper [Blog]. This repository supports pre-training on custom datasets, as well as finetuning on VQA, SNLI-VE, NLVR2, Image-Text Retrieval on

Salesforce 805 Jan 09, 2023
[WWW 2022] Zero-Shot Stance Detection via Contrastive Learning

PT-HCL for Zero-Shot Stance Detection The code of this repository is constantly being updated... Please look forward to it! Introduction This reposito

Akuchi 12 Dec 21, 2022