Draw like Bob Ross using the power of Neural Networks (With PyTorch)!

Overview

Draw like Bob Ross using the power of Neural Networks! (+ Pytorch)

Sample

Learning Process Visualization

webm

Getting started

Install dependecies

Requires python3.x

pip install -r requirements.txt
pip install http://download.pytorch.org/whl/cu75/torch-0.1.11.post5-cp36-cp36m-linux_x86_64.whl 
pip install torchvision

Run server (using pretrained model)

python app.py --resume pretrained_models/450epoch_aae.tar

Navigate to 127.0.0.1:5000

Run server (from scatch)

1. Scrapping data

./scrapper.sh

2. Preprocess data (should take around 5-10 mins)

python preprocess.py

3. Train data

cd aae
python train.py

4. Run server

cd PROJECT_ROOT
python app.py --resume TRAINEDMODEL.path.tar

Navigate to 127.0.0.1:5000

You might also like...
City-seeds - A random generator of cultural characteristics intended to spark ideas and help draw threads

City Seeds This is a random generator of cultural characteristics intended to sp

Implementation of "A Deep Learning Loss Function based on Auditory Power Compression for Speech Enhancement" by pytorch

This repository is used to suspend the results of our paper "A Deep Learning Loss Function based on Auditory Power Compression for Speech Enhancement"

This repository contains notebook implementations of the following Neural Process variants: Conditional Neural Processes (CNPs), Neural Processes (NPs), Attentive Neural Processes (ANPs).

The Neural Process Family This repository contains notebook implementations of the following Neural Process variants: Conditional Neural Processes (CN

Bayesian-Torch is a library of neural network layers and utilities extending the core of PyTorch to enable the user to perform stochastic variational inference in Bayesian deep neural networks

Bayesian-Torch is a library of neural network layers and utilities extending the core of PyTorch to enable the user to perform stochastic variational inference in Bayesian deep neural networks. Bayesian-Torch is designed to be flexible and seamless in extending a deterministic deep neural network architecture to corresponding Bayesian form by simply replacing the deterministic layers with Bayesian layers.

An implementation demo of the ICLR 2021 paper Neural Attention Distillation: Erasing Backdoor Triggers from Deep Neural Networks in PyTorch.

Neural Attention Distillation This is an implementation demo of the ICLR 2021 paper Neural Attention Distillation: Erasing Backdoor Triggers from Deep

Neural-fractal - Create Fractals Using Complex-Valued Neural Networks!

Neural Fractal Create Fractals Using Complex-Valued Neural Networks! Home Page Features Define Dynamical Systems Using Complex-Valued Neural Networks

A tiny, pedagogical neural network library with a pytorch-like API.
A tiny, pedagogical neural network library with a pytorch-like API.

candl A tiny, pedagogical implementation of a neural network library with a pytorch-like API. The primary use of this library is for education. Use th

A framework that constructs deep neural networks, autoencoders, logistic regressors, and linear networks

A framework that constructs deep neural networks, autoencoders, logistic regressors, and linear networks without the use of any outside machine learning libraries - all from scratch.

Learning and Building Convolutional Neural Networks using PyTorch
Learning and Building Convolutional Neural Networks using PyTorch

Image Classification Using Deep Learning Learning and Building Convolutional Neural Networks using PyTorch. Models, selected are based on number of ci

Comments
  • Doubt

    Doubt

        self.conv = nn.Sequential(
            # Input: (channel_num) x 256 x 256
            nn.Conv2d(channel_num, filter_num, 4, 2, 1, bias=False),
            nn.LeakyReLU(0.2, inplace=True),
            # (filter_num) x 128 x 128
            nn.Conv2d(filter_num, filter_num * 2, 4, 2, 1, bias=False),
            nn.BatchNorm2d(filter_num * 2),
            nn.LeakyReLU(0.2, inplace=True),
            # (filter_num * 2) x 64 x 64
            nn.Conv2d(filter_num * 2, filter_num * 2, 8, 4, 1, bias=False),
            nn.BatchNorm2d(filter_num * 2),
            nn.LeakyReLU(0.2, inplace=True),
            # (filter_num * 2) x 16 x 16
            nn.Conv2d(filter_num * 2, filter_num, 8, 4, 1, bias=False),
            nn.BatchNorm2d(filter_num),
            nn.LeakyReLU(0.2, inplace=True),
            # (filter_num) x 3 x 3
        )
    

    Can you tell me how these parameters are set, if I modify the size of the input of the picture?

    opened by linzhi123 0
Expressive Power of Invariant and Equivaraint Graph Neural Networks (ICLR 2021)

Expressive Power of Invariant and Equivaraint Graph Neural Networks In this repository, we show how to use powerful GNN (2-FGNN) to solve a graph alig

Marc Lelarge 36 Dec 12, 2022
PyTorch implementation for the Neuro-Symbolic Sudoku Solver leveraging the power of Neural Logic Machines (NLM)

Neuro-Symbolic Sudoku Solver PyTorch implementation for the Neuro-Symbolic Sudoku Solver leveraging the power of Neural Logic Machines (NLM). Please n

Ashutosh Hathidara 60 Dec 10, 2022
This program writes christmas wish programmatically. It is using turtle as a pen pointer draw christmas trees and stars.

Introduction This is a simple program is written in python and turtle library. The objective of this program is to wish merry Christmas programmatical

Gunarakulan Gunaretnam 1 Dec 25, 2021
Multi-Agent Reinforcement Learning for Active Voltage Control on Power Distribution Networks (MAPDN)

Multi-Agent Reinforcement Learning for Active Voltage Control on Power Distribution Networks (MAPDN) This is the implementation of the paper Multi-Age

Future Power Networks 83 Jan 6, 2023
Complex-Valued Neural Networks (CVNN)Complex-Valued Neural Networks (CVNN)

Complex-Valued Neural Networks (CVNN) Done by @NEGU93 - J. Agustin Barrachina Using this library, the only difference with a Tensorflow code is that y

youceF 1 Nov 12, 2021
A Pytorch Implementation of Domain adaptation of object detector using scissor-like networks

A Pytorch Implementation of Domain adaptation of object detector using scissor-like networks Please follow Faster R-CNN and DAF to complete the enviro

null 2 Oct 7, 2022
NP DRAW paper released code

NP-DRAW: A Non-Parametric Structured Latent Variable Model for Image Generation This repo contains the official implementation for the NP-DRAW paper.

ZENG Xiaohui 22 Mar 13, 2022
This tool uses Deep Learning to help you draw and write with your hand and webcam.

This tool uses Deep Learning to help you draw and write with your hand and webcam. A Deep Learning model is used to try to predict whether you want to have 'pencil up' or 'pencil down'.

lmagne 169 Dec 10, 2022