A curated list of awesome projects and resources related fastai

Overview

Awesome fastai Awesome

A curated list of awesome projects and resources related fastai

fastai is a deep learning library which provides practitioners with high-level components that can quickly and easily provide state-of-the-art results in standard deep learning domains, and provides researchers with low-level components that can be mixed and matched to build new approaches.

Note: Only resources that are related to fastai v2 are presented here.


Contents

Libraries

Libraries built with fastai.

Computer Vision

  • UPIT - a fastai/PyTorch package for unpaired image-to-image translation
  • faststyle - aims to provide an easy and modular interface for image to image problems based on feature loss
  • IceVision - an agnostic computer vision framework, pluggable to any training library
  • SemTorch - brings state-of-the-art segmentation architectures into fastai

Natural Language Processing

  • blurr - a library that integrates HuggingFace Transformers with version 2 of the fastai framework
  • fasthugs - use fastai-v2 with HuggingFace's pretrained transformers
  • AdaptNLP - a high-level framework and library for running, training, and deploying state-of-the-art NLP models for end-to-end tasks
  • fastai_ulmfit - a library for pretraining, fine-tuning and training a ULM-FiT classifier

Medical Imaging

  • fmi - additional functionality for use with fastai’s medical imaging module
  • faimed3d - extension to fastai for volumetric medical data

Fastai extensions

Other libraries

  • fastaudio - an audio module for fastai v2
  • tsai - state-of-the-art deep learning library for time series and sequences.
  • FasterAI - a library to make smaller and faster models with fastai
  • self_supervised - implementation of popular SOTA self-supervised learning algorithms as fastai callbacks

Github Repositories

Other Github repositories with useful fastai-related content.

  • fastbook - the Jupyter notebooks for the current edition of fastai book and course.
  • imagenette - a smaller subset of 10 easily classified classes from Imagenet, useful for quick prototyping.
  • FastAI.jl - a version of the fastai libary for the Julia language
  • EagerAI/fastai - an R interface for fastai
  • Over9000 - different SOTA optimizers and fastai training script
  • fast_tabnet - TabNet (SOTA neural network for tabular data) for fastai
  • ManifoldMixupV2 - Manifold-Mixup implementation for fastai v2
  • fastai-batch-size-finder - Implementation of OpenAI paper "An Empirical Model of Large-Batch Training" for fastai v2.

Kaggle Notebooks

Kaggle Notebooks that use fastai. Feel free to fork them and interactively try them out.

Articles

Some of the best articles regarding fastai and deep learning.

Community

Online communities to discuss fastai.

  • fast.ai forums - the OFFICIAL fast.ai forums. Any fastai questions should ideally be asked here. Also check if your questions have already been addressed here by a previous post using the search functionality. Finally, feel free to share your work and projects here.
  • fast.ai Discord server - the OFFICIAL fast.ai Discord server. Useful for more informal discussion of fastai-related content, setting up and participating in study groups, and fastai library development.

Other links

Other relevant links.

  • nbdev - Create delightful python projects using Jupyter Notebooks. fastai v2 is built with nbdev.
  • nbverbose - An inplace extension on fastai's nbdev library to support documenting inputs
  • nbagile - making nbdev compatible for agile frameworks and developments
  • fastpages - An easy to use blogging platform with extra features for Jupyter Notebooks. A great blogging platform for you to share your fastai journey!
  • fast.ai course - the fastai deep learning course.
  • fastaidocs - a great set of cheatsheets for the fastai v2 API.

Contribute

Contributions are welcome! Please submit a pull request with a single contribution only.

Owner
Tanishq Abraham
Tanishq Abraham
The code for SAG-DTA: Prediction of Drug–Target Affinity Using Self-Attention Graph Network.

SAG-DTA The code is the implementation for the paper 'SAG-DTA: Prediction of Drug–Target Affinity Using Self-Attention Graph Network'. Requirements py

Shugang Zhang 7 Aug 02, 2022
BLEND: A Fast, Memory-Efficient, and Accurate Mechanism to Find Fuzzy Seed Matches

BLEND is a mechanism that can efficiently find fuzzy seed matches between sequences to significantly improve the performance and accuracy while reducing the memory space usage of two important applic

SAFARI Research Group at ETH Zurich and Carnegie Mellon University 19 Dec 26, 2022
The code of "Dependency Learning for Legal Judgment Prediction with a Unified Text-to-Text Transformer".

Code data_preprocess.py: preprocess data for Dependent-T5. parameters.py: define parameters of Dependent-T5. train_tools.py: traning and evaluation co

1 Apr 21, 2022
[CVPR 2021] MiVOS - Mask Propagation module. Reproduced STM (and better) with training code :star2:. Semi-supervised video object segmentation evaluation.

MiVOS (CVPR 2021) - Mask Propagation Ho Kei Cheng, Yu-Wing Tai, Chi-Keung Tang [arXiv] [Paper PDF] [Project Page] [Papers with Code] This repo impleme

Rex Cheng 106 Jan 03, 2023
Source code and Dataset creation for the paper "Neural Symbolic Regression That Scales"

NeuralSymbolicRegressionThatScales Pytorch implementation and pretrained models for the paper "Neural Symbolic Regression That Scales", presented at I

35 Nov 25, 2022
Image augmentation library in Python for machine learning.

Augmentor is an image augmentation library in Python for machine learning. It aims to be a standalone library that is platform and framework independe

Marcus D. Bloice 4.8k Jan 07, 2023
Creating a custom CNN hypertunned architeture for the Fashion MNIST dataset with Python, Keras and Tensorflow.

custom-cnn-fashion-mnist Creating a custom CNN hypertunned architeture for the Fashion MNIST dataset with Python, Keras and Tensorflow. The following

Danielle Almeida 1 Mar 05, 2022
LRBoost is a scikit-learn compatible approach to performing linear residual based stacking/boosting.

LRBoost is a sckit-learn compatible package for linear residual boosting. LRBoost combines a linear estimator and a non-linear estimator to leverage t

Andrew Patton 5 Nov 23, 2022
CALVIN - A benchmark for Language-Conditioned Policy Learning for Long-Horizon Robot Manipulation Tasks

CALVIN CALVIN - A benchmark for Language-Conditioned Policy Learning for Long-Horizon Robot Manipulation Tasks Oier Mees, Lukas Hermann, Erick Rosete,

Oier Mees 107 Dec 26, 2022
A data annotation pipeline to generate high-quality, large-scale speech datasets with machine pre-labeling and fully manual auditing.

About This repository provides data and code for the paper: Scalable Data Annotation Pipeline for High-Quality Large Speech Datasets Development (subm

Appen Repos 86 Dec 07, 2022
Kaggle Lyft Motion Prediction for Autonomous Vehicles 4th place solution

Lyft Motion Prediction for Autonomous Vehicles Code for the 4th place solution of Lyft Motion Prediction for Autonomous Vehicles on Kaggle. Discussion

44 Jun 27, 2022
Code for the AAAI-2022 paper: Imagine by Reasoning: A Reasoning-Based Implicit Semantic Data Augmentation for Long-Tailed Classification

Imagine by Reasoning: A Reasoning-Based Implicit Semantic Data Augmentation for Long-Tailed Classification (AAAI 2022) Prerequisite PyTorch = 1.2.0 P

16 Dec 14, 2022
A decent AI that solves daily Wordle puzzles. Works with different websites with similar wordlists,.

Wordle-AI A decent AI that solves daily "Wordle" puzzles. Works with different websites with similar wordlists. When prompted with "Word:" enter the w

Ethan 1 Feb 10, 2022
This repo provides the source code & data of our paper "GreaseLM: Graph REASoning Enhanced Language Models"

GreaseLM: Graph REASoning Enhanced Language Models This repo provides the source code & data of our paper "GreaseLM: Graph REASoning Enhanced Language

137 Jan 02, 2023
Repository for training material for the 2022 SDSC HPC/CI User Training Course

hpc-training-2022 Repository for training material for the 2022 SDSC HPC/CI Training Series HPC/CI Training Series home https://www.sdsc.edu/event_ite

sdsc-hpc-training-org 21 Jul 27, 2022
Hydra Lightning Template for Structured Configs

Hydra Lightning Template for Structured Configs Template for creating projects with pytorch-lightning and hydra. How to use this template? Create your

Model-driven Machine Learning 4 Jul 19, 2022
This code reproduces the results of the paper, "Measuring Data Leakage in Machine-Learning Models with Fisher Information"

Fisher Information Loss This repository contains code that can be used to reproduce the experimental results presented in the paper: Awni Hannun, Chua

Facebook Research 43 Dec 30, 2022
AgML is a comprehensive library for agricultural machine learning

AgML is a comprehensive library for agricultural machine learning. Currently, AgML provides access to a wealth of public agricultural datasets for common agricultural deep learning tasks.

Plant AI and Biophysics Lab 1 Jul 07, 2022
Harmonic Memory Networks for Graph Completion

HMemNetworks Code and documentation for Harmonic Memory Networks, a series of models for compositionally assembling representations of graph elements

mlalisse 0 Oct 27, 2021
Creative Applications of Deep Learning w/ Tensorflow

Creative Applications of Deep Learning w/ Tensorflow This repository contains lecture transcripts and homework assignments as Jupyter Notebooks for th

Parag K Mital 1.5k Dec 30, 2022