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

You might also like...
Repository for scripts and notebooks from the book: Programming PyTorch for Deep Learning

Repository for scripts and notebooks from the book: Programming PyTorch for Deep Learning

Library extending Jupyter notebooks to integrate with Apache TinkerPop and RDF SPARQL.
Library extending Jupyter notebooks to integrate with Apache TinkerPop and RDF SPARQL.

Graph Notebook: easily query and visualize graphs The graph notebook provides an easy way to interact with graph databases using Jupyter notebooks. Us

Jupyter notebooks for the code samples of the book "Deep Learning with Python"

Jupyter notebooks for the code samples of the book "Deep Learning with Python"

Notebooks em Python para Métodos Eletromagnéticos
Notebooks em Python para Métodos Eletromagnéticos

GeoSci Labs This is a repository of code used to power the notebooks and interactive examples for https://em.geosci.xyz and https://gpg.geosci.xyz. Th

Nb workflows - A workflow platform which allows you to run parameterized notebooks programmatically
Nb workflows - A workflow platform which allows you to run parameterized notebooks programmatically

NB Workflows Description If SQL is a lingua franca for querying data, Jupyter sh

A curated list of  awesome resources related to Semantic Search🔎  and Semantic Similarity tasks.
A curated list of awesome resources related to Semantic Search🔎 and Semantic Similarity tasks.

A curated list of awesome resources related to Semantic Search🔎 and Semantic Similarity tasks.

A list of awesome PyTorch scholarship articles, guides, blogs, courses and other resources.

Awesome PyTorch Scholarship Resources A collection of awesome PyTorch and Python learning resources. Contributions are always welcome! Course Informat

Awesome Long-Tailed Learning

Awesome Long-Tailed Learning This repo pays specially attention to the long-tailed distribution, where labels follow a long-tailed or power-law distri

Awesome Deep Graph Clustering is a collection of SOTA, novel deep graph clustering methods

ADGC: Awesome Deep Graph Clustering ADGC is a collection of state-of-the-art (SOTA), novel deep graph clustering methods (papers, codes and datasets).

Try out deep learning models online on Google Colab

Try out deep learning models online on Google Colab

Erdene-Ochir Tuguldur 1.5k Dec 27, 2022
Monitor your ML jobs on mobile devices📱, especially for Google Colab / Kaggle

TF Watcher TF Watcher is a simple to use Python package and web app which allows you to monitor ?? your Machine Learning training or testing process o

Rishit Dagli 54 Nov 1, 2022
Just playing with getting VQGAN+CLIP running locally, rather than having to use colab.

Just playing with getting VQGAN+CLIP running locally, rather than having to use colab.

Nerdy Rodent 2.3k Jan 4, 2023
Just playing with getting CLIP Guided Diffusion running locally, rather than having to use colab.

CLIP-Guided-Diffusion Just playing with getting CLIP Guided Diffusion running locally, rather than having to use colab. Original colab notebooks by Ka

Nerdy Rodent 336 Dec 9, 2022
Collect super-resolution related papers, data, repositories

Collect super-resolution related papers, data, repositories

WangChaofeng 1.7k Jan 3, 2023
A TikTok-like recommender system for GitHub repositories based on Gorse

GitRec GitRec is the missing recommender system for GitHub repositories based on Gorse. Architecture The trending crawler crawls trending repositories

null 337 Jan 4, 2023
An off-line judger supporting distributed problem repositories

Thaw 中文 | English Thaw is an off-line judger supporting distributed problem repositories. Everyone can use Thaw release problems with license on GitHu

countercurrent_time 2 Jan 9, 2022
Source code and notebooks to reproduce experiments and benchmarks on Bias Faces in the Wild (BFW).

Face Recognition: Too Bias, or Not Too Bias? Robinson, Joseph P., Gennady Livitz, Yann Henon, Can Qin, Yun Fu, and Samson Timoner. "Face recognition:

Joseph P. Robinson 41 Dec 12, 2022
Ready-to-use code and tutorial notebooks to boost your way into few-shot image classification.

Easy Few-Shot Learning Ready-to-use code and tutorial notebooks to boost your way into few-shot image classification. This repository is made for you

Sicara 399 Jan 8, 2023
📚 A collection of Jupyter notebooks for learning and experimenting with OpenVINO 👓

A collection of ready-to-run Python* notebooks for learning and experimenting with OpenVINO developer tools. The notebooks are meant to provide an introduction to OpenVINO basics and teach developers how to leverage our APIs for optimized deep learning inference in their applications.

OpenVINO Toolkit 840 Jan 3, 2023