A list of Machine Learning Art Colabs

Overview

ML Visual Art Colabs

A list of cool Colabs on Machine Learning Imagemaking or other artistic purposes

3D Ken Burns Effect

Ken Burns Effect by Manuel RomeroDemo Video by Lia Coleman

3D Photo Inpainting

3D Photography using Context-aware Layered Depth InpaintingDemo Video

BigBiGAN

BigBiGAN by Tensorflow

BigGan

BigGan by Tensorflow

Colorization

Image Colorizer by DeOldify

Video Colorizer by DeOldify

Coltran by Google Brain

DCGAN

TF-GAN on TPUs by Tensorflow

DeepDream

DeepDream by Alex Mordvintsev • Demo Video

Minimal DeepDream Implementation by Tensorflow

First Order Motion Model

First Order Motion by Aliaksandr Siarohin

FUNIT

FUNIT by shaoanlu

Image/Data Processing

Process WikiArt Dataset by Peter Baylies

Image Generators

Looking Glass 1.1 by bearsharktopusTutorial

Image-GPT by Jonathan Fly

Lucid

Lucid visualizes the networks of many convolutional neural nets

Lucid

Lucent - Lucent is a PyTorch variation of Lucid.

Next Frame Prediction

Next Frame Prediction with Pix2PixHDTraining Demo VideoVideo Generation Demo

Object Detection

YOLO-v5 by Ultralytics

Object Mask Generation

U Square Net by Derrick Schultz

Shape Matching GAN

Shape Matching GAN by Derrick Schultz

SinGAN

SinGAN by Derrick Schultz • Demo Video

SinGAN Distortions by duskvirkus, inspired by the Yuma Kishi's Studies of Collage of Paintings for Humanity

StyleGAN

Flesh Digressions Loops of the constant and style layers • Demo Video

GanSpace Feature detection using PCA • Demo Video

Barycentric Cross-Network Interpolation with different layer interpolation rates by @arfafax

Network BendingDemo Video

Network Blending by Justin PinkneyDemo Video

StyleGAN Paintings (StyleGAN1)

StyleGAN Encoder Tutorial by Peter Baylies

StyleGAN2 by Derrick Schultz

StyleGAN2 by Mikael Christensen

SWA Playground by @arfafax

WikiArt Example Generation Peter Baylies

StyleGAN2 Activations and PCA Projection by duskvirkus, Look at lower network levels of SG2 generator.

Style Transfer

Lucid 2D Style Transfer by Google

Neural Style TF by Derrick Schultz • Demo Video

Superresolution

ESRGAN by Derrick Schultz

Image Superresolution by Erdene-Ochir Tuguldur

SRFBN by Derrick Schultz

SR Zoo ported to Colab by Derrick Schultz

Slow Motion

RIFE by Derrick Schultz (modified from Towards Data Science article)

Super Slomo by Erdene-Ochir Tuguldur

Text-to-Image Generation

Aphantasia by Vadim EpsteinTutorial

Attn-GAN The OG text-to-image generator • notebook by Derrick Schultz

Big Sleep (BigGAN controlled by CLIP) by Ryan Murdock • Demo Video

Disco Diffusion 4.1 by SOMNAIDemo/Tutorial

IllusTrip by Vadim EpsteinTutorial

Quick CLIP Guided Diffusion Fast CLIP/Guided Diffusion image generation • by Katherine Crowson, Daniel Russell, et al.

S2ML Art Generator by Justin Bennington

Zoetrope 5.5 CLIP-VQGAN tool by bearsharktopus

Texture Synthesis

Neural Cellular Automata by Alex Mordvitsev

Texturize: Grass DemoDemo Video

Texturize: Gravel Demo

TwinGAN

TwinGAN by Manuel Romero

Unpaired Image to Image Translation

CUT by Derrick Schultz

CycleGAN by Tensorflow

MUNIT by Derrick Schultz

StarGAN v2 PyTorch

ML Text Colabs

GPT-2

GPT-2 by Martin Woolf

ML Audio Colabs

Magenta

Generating Piano Music with Transformer by Magenta

Jukebox

Sampling and Co-Composing with Prompts by Anthony Matos

Music Source Separation

DemucsDemo video by Lia Coleman

Open Unmix

Other Helpful Repositories

dl-colab-notebooks by Erdene-Ochir Tuguldur

shared_colab_notebooks by Manuel Romero

Owner
Derrick Schultz (he/him)
Artists who uses code. Most of this stuff isn’t production level—I’m an artist first, programmer second.
Derrick Schultz (he/him)
Voxel-based Network for Shape Completion by Leveraging Edge Generation (ICCV 2021, oral)

Voxel-based Network for Shape Completion by Leveraging Edge Generation This is the PyTorch implementation for the paper "Voxel-based Network for Shape

10 Dec 04, 2022
Husein pet projects in here!

project-suka-suka Husein pet projects in here! List of projects mysejahtera-density. Generate resolution points using meshgrid and request each points

HUSEIN ZOLKEPLI 47 Dec 09, 2022
BankNote-Net: Open dataset and encoder model for assistive currency recognition

BankNote-Net: Open Dataset for Assistive Currency Recognition Millions of people around the world have low or no vision. Assistive software applicatio

Microsoft 13 Oct 28, 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
Processed, version controlled history of Minecraft's generated data and assets

mcmeta Processed, version controlled history of Minecraft's generated data and assets Repository structure Each of the following branches has a commit

Misode 75 Dec 28, 2022
Surrogate- and Invariance-Boosted Contrastive Learning (SIB-CL)

Surrogate- and Invariance-Boosted Contrastive Learning (SIB-CL) This repository contains all source code used to generate the results in the article "

Charlotte Loh 3 Jul 23, 2022
A complete end-to-end demonstration in which we collect training data in Unity and use that data to train a deep neural network to predict the pose of a cube. This model is then deployed in a simulated robotic pick-and-place task.

Object Pose Estimation Demo This tutorial will go through the steps necessary to perform pose estimation with a UR3 robotic arm in Unity. You’ll gain

Unity Technologies 187 Dec 24, 2022
Trax — Deep Learning with Clear Code and Speed

Trax — Deep Learning with Clear Code and Speed Trax is an end-to-end library for deep learning that focuses on clear code and speed. It is actively us

Google 7.3k Dec 26, 2022
learning and feeling SLAM together with hands-on-experiments

modern-slam-tutorial-python Learning and feeling SLAM together with hands-on-experiments 😀 😃 😆 Dependencies Most of the examples are based on GTSAM

Giseop Kim 59 Dec 22, 2022
Bridging Vision and Language Model

BriVL BriVL (Bridging Vision and Language Model) 是首个中文通用图文多模态大规模预训练模型。BriVL模型在图文检索任务上有着优异的效果,超过了同期其他常见的多模态预训练模型(例如UNITER、CLIP)。 BriVL论文:WenLan: Bridgi

235 Dec 27, 2022
Control-Robot-Arm-using-PS4-Controller - A Robotic Arm based on Raspberry Pi and Arduino that controlled by PS4 Controller

Control-Robot-Arm-using-PS4-Controller You can see all details about this Robot

MohammadReza Sharifi 5 Jan 01, 2022
Code implementing "Improving Deep Learning Interpretability by Saliency Guided Training"

Saliency Guided Training Code implementing "Improving Deep Learning Interpretability by Saliency Guided Training" by Aya Abdelsalam Ismail, Hector Cor

8 Sep 22, 2022
TransFGU: A Top-down Approach to Fine-Grained Unsupervised Semantic Segmentation

TransFGU: A Top-down Approach to Fine-Grained Unsupervised Semantic Segmentation Zhaoyun Yin, Pichao Wang, Fan Wang, Xianzhe Xu, Hanling Zhang, Hao Li

DamoCV 25 Dec 16, 2022
Deep Learning and Logical Reasoning from Data and Knowledge

Logic Tensor Networks (LTN) Logic Tensor Network (LTN) is a neurosymbolic framework that supports querying, learning and reasoning with both rich data

171 Dec 29, 2022
IEEE-CIS Technical Challenge on Predict+Optimize for Renewable Energy Scheduling

IEEE-CIS Technical Challenge on Predict+Optimize for Renewable Energy Scheduling This is my code, data and approach for the IEEE-CIS Technical Challen

3 Sep 18, 2022
This is a project based on ConvNets used to identify whether a road is clean or dirty. We have used MobileNet as our base architecture and the weights are based on imagenet.

PROJECT TITLE: CLEAN/DIRTY ROAD DETECTION USING TRANSFER LEARNING Description: This is a project based on ConvNets used to identify whether a road is

Faizal Karim 3 Nov 06, 2022
PyBrain - Another Python Machine Learning Library.

PyBrain -- the Python Machine Learning Library =============================================== INSTALLATION ------------ Quick answer: make sure you

2.8k Dec 31, 2022
A PyTorch Implementation of Gated Graph Sequence Neural Networks (GGNN)

A PyTorch Implementation of GGNN This is a PyTorch implementation of the Gated Graph Sequence Neural Networks (GGNN) as described in the paper Gated G

Ching-Yao Chuang 427 Dec 13, 2022
A tensorflow implementation of GCN-LPA

GCN-LPA This repository is the implementation of GCN-LPA (arXiv): Unifying Graph Convolutional Neural Networks and Label Propagation Hongwei Wang, Jur

Hongwei Wang 83 Nov 28, 2022
This is an implementation of Googles Yogi-Optimizer in Keras (tf.keras)

Yogi-Optimizer_Keras This is an implementation of Googles Yogi-Optimizer in Keras (tf.keras) The NeurIPS-Paper can be found here: http://papers.nips.c

14 Sep 13, 2022