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

Speech Separation Using an Asynchronous Fully Recurrent Convolutional Neural Network

Speech Separation Using an Asynchronous Fully Recurrent Convolutional Neural Network This repository is the official implementation of Speech Separati

Kai Li (李凯) 116 Nov 09, 2022
Learning Synthetic Environments and Reward Networks for Reinforcement Learning

Learning Synthetic Environments and Reward Networks for Reinforcement Learning We explore meta-learning agent-agnostic neural Synthetic Environments (

AutoML-Freiburg-Hannover 16 Sep 02, 2022
Code for the prototype tool in our paper "CoProtector: Protect Open-Source Code against Unauthorized Training Usage with Data Poisoning".

CoProtector Code for the prototype tool in our paper "CoProtector: Protect Open-Source Code against Unauthorized Training Usage with Data Poisoning".

Zhensu Sun 1 Oct 26, 2021
Neural network-based build time estimation for additive manufacturing

Neural network-based build time estimation for additive manufacturing Oh, Y., Sharp, M., Sprock, T., & Kwon, S. (2021). Neural network-based build tim

Yosep 1 Nov 15, 2021
Code for the KDD 2021 paper 'Filtration Curves for Graph Representation'

Filtration Curves for Graph Representation This repository provides the code from the KDD'21 paper Filtration Curves for Graph Representation. Depende

Machine Learning and Computational Biology Lab 16 Oct 16, 2022
Deep Latent Force Models

Deep Latent Force Models This repository contains a PyTorch implementation of the deep latent force model (DLFM), presented in the paper, Compositiona

Tom McDonald 5 Oct 26, 2022
Predicting Event Memorability from Contextual Visual Semantics

Predicting Event Memorability from Contextual Visual Semantics

0 Oct 06, 2021
Neighbor2Seq: Deep Learning on Massive Graphs by Transforming Neighbors to Sequences

Neighbor2Seq: Deep Learning on Massive Graphs by Transforming Neighbors to Sequences This repository is an official PyTorch implementation of Neighbor

DIVE Lab, Texas A&M University 8 Jun 12, 2022
Code to reproduce experiments in the paper "Explainability Requires Interactivity".

Explainability Requires Interactivity This repository contains the code to train all custom models used in the paper Explainability Requires Interacti

Digital Health & Machine Learning 5 Apr 07, 2022
Transformer based SAR image despeckling

Transformer based SAR image despeckling Using the code: The code is stable while using Python 3.6.13, CUDA =10.1 Clone this repository: git clone htt

27 Nov 13, 2022
This is a Image aid classification software based on python TK library development

This is a Image aid classification software based on python TK library development.

EasonChan 1 Jan 17, 2022
HDMapNet: A Local Semantic Map Learning and Evaluation Framework

HDMapNet_devkit Devkit for HDMapNet. HDMapNet: A Local Semantic Map Learning and Evaluation Framework Qi Li, Yue Wang, Yilun Wang, Hang Zhao [Paper] [

Tsinghua MARS Lab 421 Jan 04, 2023
Synthesizing Long-Term 3D Human Motion and Interaction in 3D in CVPR2021

Long-term-Motion-in-3D-Scenes This is an implementation of the CVPR'21 paper "Synthesizing Long-Term 3D Human Motion and Interaction in 3D". Please ch

Jiashun Wang 76 Dec 13, 2022
Shallow Convolutional Neural Networks for Human Activity Recognition using Wearable Sensors

-IEEE-TIM-2021-1-Shallow-CNN-for-HAR [IEEE TIM 2021-1] Shallow Convolutional Neural Networks for Human Activity Recognition using Wearable Sensors All

Wenbo Huang 1 May 17, 2022
Real-time Neural Representation Fusion for Robust Volumetric Mapping

NeuralBlox: Real-Time Neural Representation Fusion for Robust Volumetric Mapping Paper | Supplementary This repository contains the implementation of

ETHZ ASL 106 Dec 24, 2022
Make your master artistic punk avatar through machine learning world famous paintings.

Master-art-punk Make your master artistic punk avatar through machine learning world famous paintings. 通过机器学习世界名画制作属于你的大师级艺术朋克头像 Nowadays, NFT is beco

Philipjhc 53 Dec 27, 2022
This code is for our paper "VTGAN: Semi-supervised Retinal Image Synthesis and Disease Prediction using Vision Transformers"

ICCV Workshop 2021 VTGAN This code is for our paper "VTGAN: Semi-supervised Retinal Image Synthesis and Disease Prediction using Vision Transformers"

Sharif Amit Kamran 25 Dec 08, 2022
[BMVC2021] The official implementation of "DomainMix: Learning Generalizable Person Re-Identification Without Human Annotations"

DomainMix [BMVC2021] The official implementation of "DomainMix: Learning Generalizable Person Re-Identification Without Human Annotations" [paper] [de

Wenhao Wang 17 Dec 20, 2022
A Rao-Blackwellized Particle Filter for 6D Object Pose Tracking

PoseRBPF: A Rao-Blackwellized Particle Filter for 6D Object Pose Tracking PoseRBPF Paper Self-supervision Paper Pose Estimation Video Robot Manipulati

NVIDIA Research Projects 107 Dec 25, 2022
LBK 20 Dec 02, 2022