All Projects → t04glovern → stylegan-pokemon

t04glovern / stylegan-pokemon

Licence: other
Generating Pokemon cards using a mixture of StyleGAN and RNN to create beautiful & vibrant cards ready for battle!

Programming Languages

python
139335 projects - #7 most used programming language
HTML
75241 projects
shell
77523 projects

Projects that are alternatives of or similar to stylegan-pokemon

Solar-Rad-Forecasting
In these notebooks the entire research and implementation process carried out for the construction of various machine learning models based on neural networks that are capable of predicting levels of solar radiation is captured given a set of historical data taken by meteorological stations.
Stars: ✭ 24 (-48.94%)
Mutual labels:  rnn, rnn-tensorflow
Recurrent-Neural-Network-for-BitCoin-price-prediction
Recurrent Neural Network (LSTM) by using TensorFlow and Keras in Python for BitCoin price prediction
Stars: ✭ 53 (+12.77%)
Mutual labels:  rnn, rnn-tensorflow
question-pair
A siamese LSTM to detect sentence/question pairs.
Stars: ✭ 25 (-46.81%)
Mutual labels:  rnn, rnn-tensorflow
steam-stylegan2
Train a StyleGAN2 model on Colaboratory to generate Steam banners.
Stars: ✭ 30 (-36.17%)
Mutual labels:  stylegan, stylegan-model
Rep-Counter
AI Exercise Rep Counter based on Google's Human Pose Estimation Library (Posenet)
Stars: ✭ 47 (+0%)
Mutual labels:  rnn, rnn-tensorflow
char-VAE
Inspired by the neural style algorithm in the computer vision field, we propose a high-level language model with the aim of adapting the linguistic style.
Stars: ✭ 18 (-61.7%)
Mutual labels:  rnn, rnn-tensorflow
STAR Network
[PAMI 2021] Gating Revisited: Deep Multi-layer RNNs That Can Be Trained
Stars: ✭ 16 (-65.96%)
Mutual labels:  rnn, rnn-tensorflow
dltf
Hands-on in-person workshop for Deep Learning with TensorFlow
Stars: ✭ 14 (-70.21%)
Mutual labels:  rnn
coursera-gan-specialization
Programming assignments and quizzes from all courses within the GANs specialization offered by deeplearning.ai
Stars: ✭ 277 (+489.36%)
Mutual labels:  stylegan
pokenode-ts
A lightweight Node.js wrapper for the PokéAPI with built-in types.
Stars: ✭ 102 (+117.02%)
Mutual labels:  pokemon
Human-Activity-Recognition
Human activity recognition using TensorFlow on smartphone sensors dataset and an LSTM RNN. Classifying the type of movement amongst six categories (WALKING, WALKING_UPSTAIRS, WALKING_DOWNSTAIRS, SITTING, STANDING, LAYING).
Stars: ✭ 16 (-65.96%)
Mutual labels:  rnn
Generative-Model
Repository for implementation of generative models with Tensorflow 1.x
Stars: ✭ 66 (+40.43%)
Mutual labels:  stylegan
Handwritten-Text-Recognition
IAM dataset
Stars: ✭ 25 (-46.81%)
Mutual labels:  rnn
MachineLearning Exercises Python TensorFlow
Python&機械学習ライブラリ TensorFlow の使い方の練習コード集。特にニューラルネットワークを重点的に取り扱い。
Stars: ✭ 36 (-23.4%)
Mutual labels:  rnn
tf-ran-cell
Recurrent Additive Networks for Tensorflow
Stars: ✭ 16 (-65.96%)
Mutual labels:  rnn
lstm har
LSTM based human activity recognition using smart phone sensor dataset
Stars: ✭ 20 (-57.45%)
Mutual labels:  rnn
tensorflow-ml-nlp-tf2
텐서플로2와 머신러닝으로 시작하는 자연어처리 (로지스틱회귀부터 BERT와 GPT3까지) 실습자료
Stars: ✭ 245 (+421.28%)
Mutual labels:  rnn
StyleGAN-Zoo
No description or website provided.
Stars: ✭ 67 (+42.55%)
Mutual labels:  stylegan
pakdemon
A simple react web app that will show pokemon and their info
Stars: ✭ 17 (-63.83%)
Mutual labels:  pokemon
hyperstyle
Official Implementation for "HyperStyle: StyleGAN Inversion with HyperNetworks for Real Image Editing" (CVPR 2022) https://arxiv.org/abs/2111.15666
Stars: ✭ 874 (+1759.57%)
Mutual labels:  stylegan

Pokemon Card Generator

Generating Pokemon cards using a mixture of StyleGAN and RNN to create beautiful & vibrant cards ready for battle!

Example

Demo: https://thesepokemondonotexist.com

Run StyleGAN

StyleGAN Environment

conda env create -f environment.yml
conda activate stylegan-pokemon
cd stylegan

StyleGAN Dataset

aws s3 cp s3://devopstar/resources/stylegan-pokemon/network-snapshot-007961.pkl network-snapshot-007961.pkl
aws s3 sync s3://devopstar/resources/stylegan-pokemon/kaggle-one-shot-pokemon kaggle-one-shot-pokemon
mkdir pokemon

Prepare Images

python prepare.py
python dataset_tool.py create_from_images datasets/smalls/ ./pokemon/

StyleGAN Training

python train.py

StyleGAN Invoke [Self-trained]

Using the network-final.pkl under the most recent entry in the stylegan/results path

python invoke.py \
    --model_file './results/00000-sgan-custom-1gpu/network-final.pkl' \
    --output_file '../img/pokemon1.png'

StyleGAN Invoke [Pre-trained]

python invoke.py \
    --model_file './network-snapshot-007961.pkl' \
    --output_file '../img/pokemon2.png'

StyleGAN Invoke MichaelFriese10

aws s3 cp s3://devopstar/resources/stylegan-pokemon/MichaelFriese10_pokemon.pkl MichaelFriese10_pokemon.pkl
python invoke.py \
    --model_file './MichaelFriese10_pokemon.pkl' \
    --output_file '../img/pokemon3.png'

Run RNN

RNN Environment

conda activate stylegan-pokemon
cd rnn

RNN Dataset

Dataset is from armgilles/pokemon.csv

ls -al data/pokemon/input.txt

Moves and Descriptions come from https://pokemondb.net/move/all

ls -al data/moves/input.txt
ls -al data/desc/input.txt

RNN Training

# Pokemon
python train.py \
    --data_dir=./data/pokemon \
    --save_dir=./save/pokemon \
    --seq_length=12

# Moves
python train.py \
    --data_dir=./data/moves \
    --save_dir=./save/moves \
    --rnn_size=300 \
    --seq_length=12

# Description
python train.py \
    --data_dir=./data/desc \
    --save_dir=./save/desc \
    --seq_length=25

RNN Invoke

# Pokemon
python sample.py \
    --save_dir=./save/pokemon \
    --output_dir=../samples/pokemon.txt

# Moves
python sample.py \
    --save_dir=./save/moves \
    --output_dir=../samples/moves.txt

# Description
python sample.py \
    --save_dir=./save/desc \
    --output_dir=../samples/desc.txt \
    -n=1500

Cropping

# Define all fields adhoc
./cropper.sh \
    "Pokemon Name" \
    "Pokemon Attack 1" \
    "Pokemon Attack Description 1" \
    "Pokemon Attack 2" \
    "Pokemon Attack Description 2" \
    "img/pokemon1.png"

# Random
./cropper-shuffle.sh \
    "samples/pokemon.txt" \
    "samples/moves.txt" \
    "samples/desc.txt" \
    "img/pokemon3.png"

Web Hosting

aws s3 mb s3://thesepokemondonotexist.com
aws s3 cp index.html s3://thesepokemondonotexist.com/index.html

Attribution

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].