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
Implementation of "StrengthNet: Deep Learning-based Emotion Strength Assessment for Emotional Speech Synthesis"

StrengthNet Implementation of "StrengthNet: Deep Learning-based Emotion Strength Assessment for Emotional Speech Synthesis" https://arxiv.org/abs/2110

RuiLiu 65 Dec 20, 2022
Sign Language Translation with Transformers (COLING'2020, ECCV'20 SLRTP Workshop)

transformer-slt This repository gathers data and code supporting the experiments in the paper Better Sign Language Translation with STMC-Transformer.

Kayo Yin 107 Dec 27, 2022
Semi-Supervised Signed Clustering Graph Neural Network (and Implementation of Some Spectral Methods)

SSSNET SSSNET: Semi-Supervised Signed Network Clustering For details, please read our paper. Environment Setup Overview The project has been tested on

Yixuan He 9 Nov 24, 2022
Deep learning models for classification of 15 common weeds in the southern U.S. cotton production systems.

CottonWeeds Deep learning models for classification of 15 common weeds in the southern U.S. cotton production systems. requirements pytorch torchsumma

Dong Chen 8 Jun 07, 2022
[ACM MM 2019 Oral] Cycle In Cycle Generative Adversarial Networks for Keypoint-Guided Image Generation

Contents Cycle-In-Cycle GANs Installation Dataset Preparation Generating Images Using Pretrained Model Train and Test New Models Acknowledgments Relat

Hao Tang 67 Dec 14, 2022
Who calls the shots? Rethinking Few-Shot Learning for Audio (WASPAA 2021)

rethink-audio-fsl This repo contains the source code for the paper "Who calls the shots? Rethinking Few-Shot Learning for Audio." (WASPAA 2021) Table

Yu Wang 34 Dec 24, 2022
Massively parallel Monte Carlo diffusion MR simulator written in Python.

Disimpy Disimpy is a Python package for generating simulated diffusion-weighted MR signals that can be useful in the development and validation of dat

Leevi 16 Nov 11, 2022
Provide baselines and evaluation metrics of the task: traffic flow prediction

Note: This repo is adpoted from https://github.com/UNIMIBInside/Smart-Mobility-Prediction. Due to technical reasons, I did not fork their code. Introd

Zhangzhi Peng 11 Nov 02, 2022
Wafer Fault Detection using MlOps Integration

Wafer Fault Detection using MlOps Integration This is an end to end machine learning project with MlOps integration for predicting the quality of wafe

Sethu Sai Medamallela 0 Mar 11, 2022
Anchor-free Oriented Proposal Generator for Object Detection

Anchor-free Oriented Proposal Generator for Object Detection Gong Cheng, Jiabao Wang, Ke Li, Xingxing Xie, Chunbo Lang, Yanqing Yao, Junwei Han, Intro

jbwang1997 56 Nov 15, 2022
This is a computer vision based implementation of the popular childhood game 'Hand Cricket/Odd or Even' in python

Hand Cricket Table of Content Overview Installation Game rules Project Details Future scope Overview This is a computer vision based implementation of

Abhinav R Nayak 6 Jan 12, 2022
PyTorch Autoencoders - Implementing a Variational Autoencoder (VAE) Series in Pytorch.

PyTorch Autoencoders Implementing a Variational Autoencoder (VAE) Series in Pytorch. Inspired by this repository Model List check model paper conferen

Subin An 8 Nov 21, 2022
Code for the paper "VisualBERT: A Simple and Performant Baseline for Vision and Language"

This repository contains code for the following two papers: VisualBERT: A Simple and Performant Baseline for Vision and Language (arxiv) with a short

Natural Language Processing @UCLA 463 Dec 09, 2022
tree-math: mathematical operations for JAX pytrees

tree-math: mathematical operations for JAX pytrees tree-math makes it easy to implement numerical algorithms that work on JAX pytrees, such as iterati

Google 137 Dec 28, 2022
An implementation of paper `Real-time Convolutional Neural Networks for Emotion and Gender Classification` with PaddlePaddle.

简介 通过PaddlePaddle框架复现了论文 Real-time Convolutional Neural Networks for Emotion and Gender Classification 中提出的两个模型,分别是SimpleCNN和MiniXception。利用 imdb_crop

8 Mar 11, 2022
Adjusting for Autocorrelated Errors in Neural Networks for Time Series

Adjusting for Autocorrelated Errors in Neural Networks for Time Series This repository is the official implementation of the paper "Adjusting for Auto

Fan-Keng Sun 51 Nov 05, 2022
一个多语言支持、易使用的 OCR 项目。An easy-to-use OCR project with multilingual support.

AgentOCR 简介 AgentOCR 是一个基于 PaddleOCR 和 ONNXRuntime 项目开发的一个使用简单、调用方便的 OCR 项目 本项目目前包含 Python Package 【AgentOCR】 和 OCR 标注软件 【AgentOCRLabeling】 使用指南 Pytho

AgentMaker 98 Nov 10, 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
Repository for open research on optimizers.

Open Optimizers Repository for open research on optimizers. This is a test in sharing research/exploration as it happens. If you use anything from thi

Ariel Ekgren 6 Jun 24, 2022
CSWin Transformer: A General Vision Transformer Backbone with Cross-Shaped

CSWin-Transformer This repo is the official implementation of "CSWin Transformer: A General Vision Transformer Backbone with Cross-Shaped Windows". Th

Microsoft 409 Jan 06, 2023