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

The code for our paper submitted to RAL/IROS 2022: OverlapTransformer: An Efficient and Rotation-Invariant Transformer Network for LiDAR-Based Place Recognition.

OverlapTransformer The code for our paper submitted to RAL/IROS 2022: OverlapTransformer: An Efficient and Rotation-Invariant Transformer Network for

HAOMO.AI 136 Jan 03, 2023
Tutorial on scikit-learn and IPython for parallel machine learning

Parallel Machine Learning with scikit-learn and IPython Video recording of this tutorial given at PyCon in 2013. The tutorial material has been rearra

Olivier Grisel 1.6k Dec 26, 2022
Self-Guided Contrastive Learning for BERT Sentence Representations

Self-Guided Contrastive Learning for BERT Sentence Representations This repository is dedicated for releasing the implementation of the models utilize

Taeuk Kim 16 Dec 04, 2022
PyTorch implementation for 3D human pose estimation

Towards 3D Human Pose Estimation in the Wild: a Weakly-supervised Approach This repository is the PyTorch implementation for the network presented in:

Xingyi Zhou 579 Dec 22, 2022
Dealing With Misspecification In Fixed-Confidence Linear Top-m Identification

Dealing With Misspecification In Fixed-Confidence Linear Top-m Identification This repository is the official implementation of [Dealing With Misspeci

0 Oct 25, 2021
NeuroMorph: Unsupervised Shape Interpolation and Correspondence in One Go

NeuroMorph: Unsupervised Shape Interpolation and Correspondence in One Go This repository provides our implementation of the CVPR 2021 paper NeuroMorp

Meta Research 35 Dec 08, 2022
A motion detection system with RaspberryPi, OpenCV, Python

Human Detection System using Raspberry Pi Functionality Activates a relay on detecting motion. You may need following components to get the expected R

Omal Perera 55 Dec 04, 2022
A lane detection integrated Real-time Instance Segmentation based on YOLACT (You Only Look At CoefficienTs)

Real-time Instance Segmentation and Lane Detection This is a lane detection integrated Real-time Instance Segmentation based on YOLACT (You Only Look

Jin 4 Dec 30, 2022
A gesture recognition system powered by OpenPose, k-nearest neighbours, and local outlier factor.

OpenHands OpenHands is a gesture recognition system powered by OpenPose, k-nearest neighbours, and local outlier factor. Currently the system can iden

Paul Treanor 12 Jan 10, 2022
Sub-tomogram-Detection - Deep learning based model for Cyro ET Sub-tomogram-Detection

Deep learning based model for Cyro ET Sub-tomogram-Detection High degree of stru

Siddhant Kumar 2 Feb 04, 2022
NumPy로 구현한 딥러닝 라이브러리입니다. (자동 미분 지원)

Deep Learning Library only using NumPy 본 레포지토리는 NumPy 만으로 구현한 딥러닝 라이브러리입니다. 자동 미분이 구현되어 있습니다. 자동 미분 자동 미분은 미분을 자동으로 계산해주는 기능입니다. 아래 코드는 자동 미분을 활용해 역전파

조준희 17 Aug 16, 2022
Hl classification bc - A Network-Based High-Level Data Classification Algorithm Using Betweenness Centrality

A Network-Based High-Level Data Classification Algorithm Using Betweenness Centr

Esteban Vilca 3 Dec 01, 2022
HandTailor: Towards High-Precision Monocular 3D Hand Recovery

HandTailor This repository is the implementation code and model of the paper "HandTailor: Towards High-Precision Monocular 3D Hand Recovery" (arXiv) G

Lv Jun 113 Jan 06, 2023
Test-Time Personalization with a Transformer for Human Pose Estimation, NeurIPS 2021

Transforming Self-Supervision in Test Time for Personalizing Human Pose Estimation This is an official implementation of the NeurIPS 2021 paper: Trans

41 Nov 28, 2022
Transfer style api - An API to use with Tranfer Style App, where you can use two image and transfer the style

Transfer Style API It's an API to use with Tranfer Style App, where you can use

Brian Alejandro 1 Feb 13, 2022
Neural Module Network for VQA in Pytorch

Neural Module Network (NMN) for VQA in Pytorch Note: This is NOT an official repository for Neural Module Networks. NMN is a network that is assembled

Harsh Trivedi 111 Nov 24, 2022
Python based framework for Automatic AI for Regression and Classification over numerical data.

Python based framework for Automatic AI for Regression and Classification over numerical data. Performs model search, hyper-parameter tuning, and high-quality Jupyter Notebook code generation.

BlobCity, Inc 141 Dec 21, 2022
Wikidated : An Evolving Knowledge Graph Dataset of Wikidata’s Revision History

Wikidated Wikidated 1.0 is a dataset of Wikidata’s full revision history, which encodes changes between Wikidata revisions as sets of deletions and ad

Lukas Schmelzeisen 11 Aug 16, 2022
Efficient Lottery Ticket Finding: Less Data is More

The lottery ticket hypothesis (LTH) reveals the existence of winning tickets (sparse but critical subnetworks) for dense networks, that can be trained in isolation from random initialization to match

VITA 20 Sep 04, 2022
Cancer-and-Tumor-Detection-Using-Inception-model - In this repo i am gonna show you how i did cancer/tumor detection in lungs using deep neural networks, specifically here the Inception model by google.

Cancer-and-Tumor-Detection-Using-Inception-model In this repo i am gonna show you how i did cancer/tumor detection in lungs using deep neural networks

Deepak Nandwani 1 Jan 01, 2022