Awesome-google-colab - Google Colaboratory Notebooks and Repositories

Overview

Unofficial Google Colaboratory Notebook and Repository Gallery

Please contact me to take over and revamp this repo (it gets around 30k views and 200k clicks per year), I don't have time to update or maintain it - message 15/03/2021

A curated list of repositories with fully functional click-and-run colab notebooks with data, code and description. The code in these repositories are in Python unless otherwise stated.

To learn more about they whys and hows of Colab see this post. For a few tips and tricks see this post.

If you have just a single notebook to submit, use the website https://google-colab.com/, it is really easy, on the top right corner click 'submit +'. The earlier you post the more visibility you will get over time

Caution: This is a work in progress, please contribute by adding colab functionality to your own data science projects on github or requestion it from the authors.


If you want to contribute to this list (please do), send me a pull request or contact me @dereknow or on linkedin. Also, a listed repository should be fixed or removed:

  • if there are no data or descriptive text in the notebooks.
  • the code throws out errors.


Apart from the colab-enabled repositories listed below, you can also with a bit of work run github jupyter notebooks directly on Google Colaboratory using CPU/GPU/TPU runtimes by replacing https://github.com in the URL by https://colab.research.google.com/github/. No local installation of Python is required. Of course, these notebooks would have to be adapted to ingest the necessary data and modules.

Search for 'Colab' or the 'Open in Colab' Badge to Open the Colabotary Notebooks in Each Repository

Ten Favourite Colab Notebooks

For more see https://google-colab.com/

Repository Table of Contents

Course and Tutorial

  • Python Data Science Notebook - Python Data Science Handbook: full text in Jupyter Notebooks

  • ML and EDA - Functional, data science centric introduction to Python.

  • Python Business Analytics - Python solutions to solve practical business problems.

  • Deep Learning Examples - Try out deep learning models online on Google Colab

  • Hvass-Labs - TensorFlow Tutorials with YouTube Videos

  • MIT deep learning - Tutorials, assignments, and competitions for MIT Deep Learning related courses.

  • NLP Tutorial - Natural Language Processing Tutorial for Deep Learning Researchers

  • DeepSchool.io - Deep Learning tutorials in jupyter notebooks.

  • Deep NLP Course - A deep NLP Course

  • pyprobml - Python code for "Machine learning: a probabilistic perspective"

  • MIT 6.S191 - Lab Materials for MIT 6.S191: Introduction to Deep Learning

  • HSE NLP - Resources for "Natural Language Processing" Coursera course

  • Real Word NLP - Example code for "Real-World Natural Language Processing"

  • Notebooks - Machine learning notebooks in different subjects optimized to run in google collaboratory

Technologies

Text

  • BERT - TensorFlow code and pre-trained models for BERT

  • XLNet - XLNet: Generalized Autoregressive Pretraining for Language Understanding

  • DeepPavlov Tutorials - An open source library for deep learning end-to-end dialog systems and chatbots.

  • TF NLP - Projects, Practice, NLP, TensorFlow 2, Google Colab

  • SparkNLP - State of the Art Natural Language Processing

  • Deep Text Recognition - Text recognition (optical character recognition) with deep learning methods.

  • BERTScore - Automatic Evaluation Metric for Bert.

  • Text Summurisation - Multiple implementations for abstractive text summurization

  • GPT-2 Colab - Retrain gpt-2 in colab

Image

  • DeepFaceLab - DeepFaceLab is a tool that utilizes machine learning to replace faces in videos.

  • CycleGAN and PIX2PIX - Image-to-Image Translation in PyTorch

  • DeOldify - A Deep Learning based project for colorizing and restoring old images (and video!)

  • Detectron2 - Detectron2 is FAIR's next-generation research platform for object detection and segmentation.

  • EfficientNet - PyTorch - A PyTorch implementation of EfficientNet

  • Faceswap GAN - A denoising autoencoder + adversarial losses and attention mechanisms for face swapping.

  • Neural Style Transfer - Keras Implementation of Neural Style Transfer from the paper "A Neural Algorithm of Artistic Style"

  • Compare GAN - Compare GAN code

  • hmr - Project page for End-to-end Recovery of Human Shape and Pose

Voice

  • Spleeter - Deezer source separation library including pretrained models.

  • TTS - Deep learning for Text to Speech

Reinforcement Learning

  • Dopamine - Dopamine is a research framework for fast prototyping of reinforcement learning algorithms.

  • Sonnet - TensorFlow-based neural network library

  • OpenSpiel - Collection of environments and algorithms for research in general reinforcement learning and search/planning in games.

  • TF Agents - TF-Agents is a library for Reinforcement Learning in TensorFlow

  • bsuite - Collection of carefully-designed experiments that investigate core capabilities of a reinforcement learning (RL) agent

  • TF Generative Models - mplementations of a number of generative models in Tensorflow

  • DQN to Rainbow - A step-by-step tutorial from DQN to Rainbow

Visualisation

  • Altair - Declarative statistical visualization library for Python

  • Altair Curriculum - A data visualization curriculum of interactive notebooks.

  • bertviz - Tool for visualizing attention in the Transformer model

  • TF Graphics - TensorFlow Graphics: Differentiable Graphics Layers for TensorFlow

  • deepreplay - Generate visualizations as in my "Hyper-parameters in Action!"

Operational

  • PySyft - A library for encrypted, privacy preserving machine learning

  • Mindsdb - Framework to streamline use of neural networks

  • Ranking - Learning to Rank in TensorFlow

  • TensorNetwork - A library for easy and efficient manipulation of tensor networks.

  • JAX - Composable transformations of Python+NumPy programs

  • BentoML - A platform for serving and deploying machine learning models

Other

Applications

Finance

  • RLTrader - A cryptocurrency trading environment using deep reinforcement learning and OpenAI's gym

  • TF Quant Finance - High-performance TensorFlow library for quantitative finance.

  • TensorTrade - An open source reinforcement learning framework for robust trading agents

Artistic

  • Rapping NN - Rap song writing recurrent neural network trained on Kanye West's entire discography

  • dl4g - Deep Learning for Graphics

Medical

  • DocProduct - Medical Q&A with Deep Language Models

Operations

Advbox is a toolbox to generate adversarial examples that fool neural networks in PaddlePaddle、PyTorch、Caffe2、MxNet、Keras、TensorFlow and Advbox can benchmark the robustness of machine learning models.

Advbox is a toolbox to generate adversarial examples that fool neural networks in PaddlePaddle、PyTorch、Caffe2、MxNet、Keras、TensorFlow and Advbox can benchmark the robustness of machine learning models

AdvBox 1.3k Dec 25, 2022
Equivariant GNN for the prediction of atomic multipoles up to quadrupoles.

Equivariant Graph Neural Network for Atomic Multipoles Description Repository for the Model used in the publication 'Learning Atomic Multipoles: Predi

16 Nov 22, 2022
TraND: Transferable Neighborhood Discovery for Unsupervised Cross-domain Gait Recognition.

TraND This is the code for the paper "Jinkai Zheng, Xinchen Liu, Chenggang Yan, Jiyong Zhang, Wu Liu, Xiaoping Zhang and Tao Mei: TraND: Transferable

Jinkai Zheng 32 Apr 04, 2022
Bi-level feature alignment for versatile image translation and manipulation (Under submission of TPAMI)

Bi-level feature alignment for versatile image translation and manipulation (Under submission of TPAMI) Preparation Clone the Synchronized-BatchNorm-P

Fangneng Zhan 12 Aug 10, 2022
QRec: A Python Framework for quick implementation of recommender systems (TensorFlow Based)

Introduction QRec is a Python framework for recommender systems (Supported by Python 3.7.4 and Tensorflow 1.14+) in which a number of influential and

Yu 1.4k Jan 01, 2023
EfficientMPC - Efficient Model Predictive Control Implementation

efficientMPC Efficient Model Predictive Control Implementation The original algo

Vin 8 Dec 04, 2022
Source code for CVPR 2020 paper "Learning to Forget for Meta-Learning"

L2F - Learning to Forget for Meta-Learning Sungyong Baik, Seokil Hong, Kyoung Mu Lee Source code for CVPR 2020 paper "Learning to Forget for Meta-Lear

Sungyong Baik 29 May 22, 2022
FewBit — a library for memory efficient training of large neural networks

FewBit FewBit — a library for memory efficient training of large neural networks. Its efficiency originates from storage optimizations applied to back

24 Oct 22, 2022
Code for "Diffusion is All You Need for Learning on Surfaces"

Source code for "Diffusion is All You Need for Learning on Surfaces", by Nicholas Sharp Souhaib Attaiki Keenan Crane Maks Ovsjanikov NOTE: the linked

Nick Sharp 247 Dec 28, 2022
OpenABC-D: A Large-Scale Dataset For Machine Learning Guided Integrated Circuit Synthesis

OpenABC-D: A Large-Scale Dataset For Machine Learning Guided Integrated Circuit Synthesis Overview OpenABC-D is a large-scale labeled dataset generate

NYU Machine-Learning guided Design Automation (MLDA) 31 Nov 22, 2022
METER: Multimodal End-to-end TransformER

METER Code and pre-trained models will be publicized soon. Citation @article{dou2021meter, title={An Empirical Study of Training End-to-End Vision-a

Zi-Yi Dou 257 Jan 06, 2023
Pytorch implementation of our method for high-resolution (e.g. 2048x1024) photorealistic video-to-video translation.

vid2vid Project | YouTube(short) | YouTube(full) | arXiv | Paper(full) Pytorch implementation for high-resolution (e.g., 2048x1024) photorealistic vid

NVIDIA Corporation 8.1k Jan 01, 2023
WSDM‘2022: Knowledge Enhanced Sports Game Summarization

Knowledge Enhanced Sports Game Summarization Cooming Soon! :) Data will be released after approval process. Code will be published once the author of

Jiaan Wang 14 Jul 13, 2022
Code accompanying "Adaptive Methods for Aggregated Domain Generalization"

Adaptive Methods for Aggregated Domain Generalization (AdaClust) Official Pytorch Implementation of Adaptive Methods for Aggregated Domain Generalizat

Xavier Thomas 15 Sep 20, 2022
This repo provides the base code for pytorch-lightning and weight and biases simultaneous integration.

Write your model faster with pytorch-lightning-wadb-code-backbone This repository provides the base code for pytorch-lightning and weight and biases s

9 Mar 29, 2022
Official repository for "Action-Based Conversations Dataset: A Corpus for Building More In-Depth Task-Oriented Dialogue Systems"

Action-Based Conversations Dataset (ABCD) This respository contains the code and data for ABCD (Chen et al., 2021) Introduction Whereas existing goal-

ASAPP Research 49 Oct 09, 2022
Puzzle-CAM: Improved localization via matching partial and full features.

Puzzle-CAM The official implementation of "Puzzle-CAM: Improved localization via matching partial and full features".

Sanghyun Jo 150 Nov 14, 2022
Text to image synthesis using thought vectors

Text To Image Synthesis Using Thought Vectors This is an experimental tensorflow implementation of synthesizing images from captions using Skip Though

Paarth Neekhara 2.1k Jan 05, 2023
Capstone-Project-2 - A game program written in the Python language

Capstone-Project-2 My Pygame Game Information: Description This Pygame project i

Nhlakanipho Khulekani Hlophe 1 Jan 04, 2022
(NeurIPS 2020) Wasserstein Distances for Stereo Disparity Estimation

Wasserstein Distances for Stereo Disparity Estimation Accepted in NeurIPS 2020 as Spotlight. [Project Page] Wasserstein Distances for Stereo Disparity

Divyansh Garg 92 Dec 12, 2022