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

Comments
  • ValueError: Cannot feed value of shape (3, 3, 512, 256) for Tensor 'G_synthesis/64x64/Conv0_up/weight/new_value:0', which has shape '(3, 3, 512, 512)'

    ValueError: Cannot feed value of shape (3, 3, 512, 256) for Tensor 'G_synthesis/64x64/Conv0_up/weight/new_value:0', which has shape '(3, 3, 512, 512)'

    Hi there, I'm getting the following error when trying to run this notebook:

    Traceback (most recent call last): File "train.py", line 645, in main() File "train.py", line 637, in main run_training(**vars(args)) File "train.py", line 522, in run_training training_loop.training_loop(**training_options) File "/content/drive/My Drive/colab-sg2-ada/stylegan2-ada/training/training_loop.py", line 129, in training_loop G.copy_vars_from(rG) File "/content/drive/My Drive/colab-sg2-ada/stylegan2-ada/dnnlib/tflib/network.py", line 512, in copy_vars_from self._components[name].copy_vars_from(src_comp) File "/content/drive/My Drive/colab-sg2-ada/stylegan2-ada/dnnlib/tflib/network.py", line 509, in copy_vars_from self.copy_own_vars_from(src_net) File "/content/drive/My Drive/colab-sg2-ada/stylegan2-ada/dnnlib/tflib/network.py", line 482, in copy_own_vars_from tfutil.set_vars({self._get_vars()[name]: value for name, value in value_dict.items() if name in self._get_vars()}) File "/content/drive/My Drive/colab-sg2-ada/stylegan2-ada/dnnlib/tflib/tfutil.py", line 227, in set_vars run(ops, feed_dict) File "/content/drive/My Drive/colab-sg2-ada/stylegan2-ada/dnnlib/tflib/tfutil.py", line 33, in run return tf.get_default_session().run(*args, **kwargs) File "/tensorflow-1.15.2/python3.7/tensorflow_core/python/client/session.py", line 956, in run run_metadata_ptr) File "/tensorflow-1.15.2/python3.7/tensorflow_core/python/client/session.py", line 1156, in _run (np_val.shape, subfeed_t.name, str(subfeed_t.get_shape()))) ValueError: Cannot feed value of shape (3, 3, 512, 256) for Tensor 'G_synthesis/64x64/Conv0_up/weight/new_value:0', which has shape '(3, 3, 512, 512)'

    Can you please help me debug this? Since it is coming from the files I didn't write and I am a beginner, I am not sure how to tackle this. Thank you!

    opened by eluzzi5 1
  • Add a jukebox notebook

    Add a jukebox notebook

    I came across this notebook in the issues of the jukebox repo. It allows for some things that official jukebox notebook couldn't do and adds checkpointing to help alleviate colab instances being preempted during generation.

    opened by JCBrouwer 0
  • Pix2PixHD Hanging at 'create web directory'

    Pix2PixHD Hanging at 'create web directory'

    Hi there, I'm running Pix2PixHD_Next_Frame_Prediction.ipynb in Google colab, following the link to 'open in colab' on this page: https://github.com/dvschultz/ml-art-colabs/blob/master/Pix2PixHD_Next_Frame_Prediction.ipynb Everything works well until I start 'Initial Training' where it hangs at 'create web directory' & no epochs appear beneath. Apparently I'm connected to a Tesla K80 GPU. Tried restarting the runtime a few times and it always hangs at the same place. I left it a good 30 mins or more, and the dataset is only ~350 images at 1280x736 pixels (which seemed to work well when I tried this a few months ago!) It gets as far as making the 'web' folder which contains 'loss_log.txt' and 'opt.txt' - but nothing else.

    opened by iamekm 0
  • No longer seeing Swing videos outputted

    No longer seeing Swing videos outputted

    depth_edge_model_ckpt: checkpoints/edge-model.pth depth_feat_model_ckpt: checkpoints/depth-model.pth rgb_feat_model_ckpt: checkpoints/color-model.pth MiDaS_model_ckpt: MiDaS/model.pt use_boostmonodepth: True fps: 40 num_frames: 600 x_shift_range: [0.00, 0.00, -0.015, -0.015] y_shift_range: [0.00, 0.00, -0.015, -0.00] z_shift_range: [-0.05, -0.05, -0.05, -0.05] traj_types: ['double-straight-line', 'double-straight-line', 'circle', 'circle'] video_postfix: ['dolly-zoom-in', 'zoom-in', 'circle', 'swing'] specific: '' longer_side_len: 960 src_folder: image depth_folder: depth mesh_folder: mesh video_folder: video load_ply: False save_ply: True inference_video: True gpu_ids: 0 offscreen_rendering: False img_format: '.jpg' depth_format: '.npy' require_midas: True depth_threshold: 0.04 ext_edge_threshold: 0.002 sparse_iter: 5 filter_size: [7, 7, 5, 5, 5] sigma_s: 4.0 sigma_r: 0.5 redundant_number: 12 background_thickness: 70 context_thickness: 140 background_thickness_2: 70 context_thickness_2: 70 discount_factor: 1.00 log_depth: True largest_size: 512 depth_edge_dilate: 10 depth_edge_dilate_2: 5 extrapolate_border: True extrapolation_thickness: 60 repeat_inpaint_edge: True crop_border: [0.03, 0.03, 0.05, 0.03] anti_flickering: True

    Potentially a limit related/caused to the input image resolution?

    opened by Ghee36 0
  • Pix2PixHD_Next_Frame_Prediction: error changing start frame

    Pix2PixHD_Next_Frame_Prediction: error changing start frame

    Hi, in colab version of "Pix2PixHD_Next_Frame_Prediction", when trying to generate video using the parameter START FROM:

    !python generate_video.py --name cuttlefish1 --dataroot ./datasets/cuttlefish1/ --fps 24 --how_many 600 --which_epoch latest --start_from 100

    I get this error: NameError: name 't' is not defined

    Any clue? Thanks in advance

    opened by smithee77 1
  • Demucs.ipynb

    Demucs.ipynb "%cd demucs/" instead of "%cd /content/demucs"

    https://github.com/dvschultz/ml-art-colabs/blob/master/Demucs.ipynb?short_path=102e2a5

    There is a mistake in line 145. It should be: "%cd /content/demucs"instead of "%cd demucs/"otherwise the notebook won't work properly

    Even in the moment of that video it is shown that previously it was "%cd /content/demucs"

    https://youtu.be/tHxsqFcx7gw?t=296

    Furthemore - !zip -r AI_01-tasnet_extra-shifts.zip ./separated/tasnet_extra/your_track_name_without_extension/* instead of !zip -r AI_01-tasnet_extra-shifts.zip ./separated/demucs/your_track_name_without_extension/*

    otherwise it won't work

    And you could add the line in the very end: from google.colab import files files.download('AI_01-tasnet_extra-shifts.zip') to actually allow to download the result file

    opened by deton24 0
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)
Adversarial Robustness Toolbox (ART) - Python Library for Machine Learning Security - Evasion, Poisoning, Extraction, Inference - Red and Blue Teams

Adversarial Robustness Toolbox (ART) is a Python library for Machine Learning Security. ART provides tools that enable developers and researchers to defend and evaluate Machine Learning models and applications against the adversarial threats of Evasion, Poisoning, Extraction, and Inference. ART supports all popular machine learning frameworks (TensorFlow, Keras, PyTorch, MXNet, scikit-learn, XGBoost, LightGBM, CatBoost, GPy, etc.), all data types (images, tables, audio, video, etc.) and machine learning tasks (classification, object detection, speech recognition, generation, certification, etc.).

null 3.4k Jan 4, 2023
Machine Learning From Scratch. Bare bones NumPy implementations of machine learning models and algorithms with a focus on accessibility. Aims to cover everything from linear regression to deep learning.

Machine Learning From Scratch About Python implementations of some of the fundamental Machine Learning models and algorithms from scratch. The purpose

Erik Linder-Norén 21.8k Jan 9, 2023
Vowpal Wabbit is a machine learning system which pushes the frontier of machine learning with techniques such as online, hashing, allreduce, reductions, learning2search, active, and interactive learning.

This is the Vowpal Wabbit fast online learning code. Why Vowpal Wabbit? Vowpal Wabbit is a machine learning system which pushes the frontier of machin

Vowpal Wabbit 8.1k Jan 6, 2023
A comprehensive list of published machine learning applications to cosmology

ml-in-cosmology This github attempts to maintain a comprehensive list of published machine learning applications to cosmology, organized by subject ma

George Stein 290 Dec 29, 2022
deep-table implements various state-of-the-art deep learning and self-supervised learning algorithms for tabular data using PyTorch.

deep-table implements various state-of-the-art deep learning and self-supervised learning algorithms for tabular data using PyTorch.

null 63 Oct 17, 2022
A Python Automated Machine Learning tool that optimizes machine learning pipelines using genetic programming.

Master status: Development status: Package information: TPOT stands for Tree-based Pipeline Optimization Tool. Consider TPOT your Data Science Assista

Epistasis Lab at UPenn 8.9k Dec 30, 2022
Scripts of Machine Learning Algorithms from Scratch. Implementations of machine learning models and algorithms using nothing but NumPy with a focus on accessibility. Aims to cover everything from basic to advance.

Algo-ScriptML Python implementations of some of the fundamental Machine Learning models and algorithms from scratch. The goal of this project is not t

Algo Phantoms 81 Nov 26, 2022
This is a Machine Learning Based Hand Detector Project, It Uses Machine Learning Models and Modules Like Mediapipe, Developed By Google!

Machine Learning Hand Detector This is a Machine Learning Based Hand Detector Project, It Uses Machine Learning Models and Modules Like Mediapipe, Dev

Popstar Idhant 3 Feb 25, 2022
State of the Art Neural Networks for Deep Learning

pyradox This python library helps you with implementing various state of the art neural networks in a totally customizable fashion using Tensorflow 2

Ritvik Rastogi 60 May 29, 2022
tsai is an open-source deep learning package built on top of Pytorch & fastai focused on state-of-the-art techniques for time series classification, regression and forecasting.

Time series Timeseries Deep Learning Pytorch fastai - State-of-the-art Deep Learning with Time Series and Sequences in Pytorch / fastai

timeseriesAI 2.8k Jan 8, 2023
😇A pyTorch implementation of the DeepMoji model: state-of-the-art deep learning model for analyzing sentiment, emotion, sarcasm etc

------ Update September 2018 ------ It's been a year since TorchMoji and DeepMoji were released. We're trying to understand how it's being used such t

Hugging Face 865 Dec 24, 2022
A Deep Learning based project for creating line art portraits.

ArtLine The main aim of the project is to create amazing line art portraits. Sounds Intresting,let's get to the pictures!! Model-(Smooth) Model-(Quali

Vijish Madhavan 3.3k Jan 7, 2023
Deepparse is a state-of-the-art library for parsing multinational street addresses using deep learning

Here is deepparse. Deepparse is a state-of-the-art library for parsing multinational street addresses using deep learning. Use deepparse to Use the pr

GRAAL/GRAIL 192 Dec 20, 2022
make ASCII Art by Deep Learning

DeepAA This is convolutional neural networks generating ASCII art. This repository is under construction. This work is accepted by NIPS 2017 Workshop,

OsciiArt 1.4k Dec 28, 2022
A list of multi-task learning papers and projects.

This page contains a list of papers on multi-task learning for computer vision. Please create a pull request if you wish to add anything. If you are interested, consider reading our recent survey paper.

svandenh 297 Dec 17, 2022
A list of multi-task learning papers and projects.

A list of multi-task learning papers and projects.

svandenh 84 Apr 27, 2021
A list of papers regarding generalization in (deep) reinforcement learning

A list of papers regarding generalization in (deep) reinforcement learning

Kaixin WANG 13 Apr 26, 2021
paper list in the area of reinforcenment learning for recommendation systems

paper list in the area of reinforcenment learning for recommendation systems

HenryZhao 23 Jun 9, 2022
A curated (most recent) list of resources for Learning with Noisy Labels

A curated (most recent) list of resources for Learning with Noisy Labels

Jiaheng Wei 321 Jan 9, 2023