All Projects → Cyclegan Music Style Transfer → Similar Projects or Alternatives

951 Open source projects that are alternatives of or similar to Cyclegan Music Style Transfer

Object Localization
Object localization in images using simple CNNs and Keras
Stars: ✭ 130 (-35.32%)
Mutual labels:  cnn
Recursive Cnns
Implementation of my paper "Real-time Document Localization in Natural Images by Recursive Application of a CNN."
Stars: ✭ 80 (-60.2%)
Mutual labels:  cnn
Pose2pose
This is a pix2pix demo that learns from pose and translates this into a human. A webcam-enabled application is also provided that translates your pose to the trained pose. Everybody dance now !
Stars: ✭ 182 (-9.45%)
Mutual labels:  gan
Aws S3 Cat Images
Generating Cat images using StyleGAN
Stars: ✭ 79 (-60.7%)
Mutual labels:  gan
Awesome Gan For Medical Imaging
Awesome GAN for Medical Imaging
Stars: ✭ 1,814 (+802.49%)
Mutual labels:  gan
Style Transfer.js
👨‍🎨️ Generate novel artistic images in Node.js
Stars: ✭ 78 (-61.19%)
Mutual labels:  style-transfer
Gan
Resources and Implementations of Generative Adversarial Nets: GAN, DCGAN, WGAN, CGAN, InfoGAN
Stars: ✭ 2,127 (+958.21%)
Mutual labels:  gan
Semantic Object Accuracy For Generative Text To Image Synthesis
Code for "Semantic Object Accuracy for Generative Text-to-Image Synthesis" (TPAMI 2020)
Stars: ✭ 78 (-61.19%)
Mutual labels:  gan
Asr syllable
基于卷积神经网络的语音识别声学模型的研究
Stars: ✭ 127 (-36.82%)
Mutual labels:  cnn
Agis Net
[SIGGRAPH Asia 2019] Artistic Glyph Image Synthesis via One-Stage Few-Shot Learning
Stars: ✭ 77 (-61.69%)
Mutual labels:  style-transfer
Cnn 3d Images Tensorflow
3D image classification using CNN (Convolutional Neural Network)
Stars: ✭ 199 (-1%)
Mutual labels:  cnn
Hand Detection.pytorch
FaceBoxes for hand detection in PyTorch
Stars: ✭ 76 (-62.19%)
Mutual labels:  cnn
Pytorch convlstm
convolutional lstm implementation in pytorch
Stars: ✭ 126 (-37.31%)
Mutual labels:  cnn
Artediting
Modeling Artistic Workflows for Image Generation and Editing (ECCV 2020)
Stars: ✭ 75 (-62.69%)
Mutual labels:  gan
Gan Mri
Code repository for Frontiers article 'Generative Adversarial Networks for Image-to-Image Translation on Multi-Contrast MR Images - A Comparison of CycleGAN and UNIT'
Stars: ✭ 159 (-20.9%)
Mutual labels:  cyclegan
Cycle Gan Tf
Reimplementation of cycle-gan(https://arxiv.org/pdf/1703.10593.pdf) with improved w-gan(https://arxiv.org/abs/1704.00028) loss in tensorflow.
Stars: ✭ 74 (-63.18%)
Mutual labels:  gan
Deeplearning Notes
Notes for Deep Learning Specialization Courses led by Andrew Ng.
Stars: ✭ 126 (-37.31%)
Mutual labels:  cnn
Distancegan
Pytorch implementation of "One-Sided Unsupervised Domain Mapping" NIPS 2017
Stars: ✭ 180 (-10.45%)
Mutual labels:  gan
Self Driving Car
A End to End CNN Model which predicts the steering wheel angle based on the video/image
Stars: ✭ 106 (-47.26%)
Mutual labels:  cnn
Imagedeblurring
A Keras implementation of image deblurring based on ICCV 2017 paper "Deep Generative Filter for motion deblurring"
Stars: ✭ 72 (-64.18%)
Mutual labels:  gan
Libfacedetection
An open source library for face detection in images. The face detection speed can reach 1000FPS.
Stars: ✭ 10,852 (+5299%)
Mutual labels:  cnn
Man
Multinomial Adversarial Networks for Multi-Domain Text Classification (NAACL 2018)
Stars: ✭ 72 (-64.18%)
Mutual labels:  gan
Tensorflow Pix2pix
A lightweight pix2pix Tensorflow implementation.
Stars: ✭ 143 (-28.86%)
Mutual labels:  gan
3dgan Pytorch
3DGAN-Pytorch
Stars: ✭ 105 (-47.76%)
Mutual labels:  gan
Dcgan Tensorflow
A Tensorflow implementation of Deep Convolutional Generative Adversarial Networks trained on Fashion-MNIST, CIFAR-10, etc.
Stars: ✭ 70 (-65.17%)
Mutual labels:  gan
Hyperdensenet
This repository contains the code of HyperDenseNet, a hyper-densely connected CNN to segment medical images in multi-modal image scenarios.
Stars: ✭ 124 (-38.31%)
Mutual labels:  cnn
Sequentialdata Gan
Tensorflow Implementation of GAN modeling for sequential data
Stars: ✭ 69 (-65.67%)
Mutual labels:  gan
Face Nn
游戏捏脸,基于神经风格迁移框架生成逼真人脸
Stars: ✭ 192 (-4.48%)
Mutual labels:  cnn
Deepzip
NN based lossless compression
Stars: ✭ 69 (-65.67%)
Mutual labels:  cnn
Cnn Inference Engine Quick View
A quick view of high-performance convolution neural networks (CNNs) inference engines on mobile devices.
Stars: ✭ 124 (-38.31%)
Mutual labels:  cnn
Texture nets
Code for "Texture Networks: Feed-forward Synthesis of Textures and Stylized Images" paper.
Stars: ✭ 1,147 (+470.65%)
Mutual labels:  style-transfer
Simple cnn
Simple Convolutional Neural Network Library
Stars: ✭ 158 (-21.39%)
Mutual labels:  cnn
Pacgan
[NeurIPS 2018] [JSAIT] PacGAN: The power of two samples in generative adversarial networks
Stars: ✭ 67 (-66.67%)
Mutual labels:  gan
Pytorch Sift
PyTorch implementation of SIFT descriptor
Stars: ✭ 123 (-38.81%)
Mutual labels:  cnn
Frechet Inception Distance
CPU/GPU/TPU implementation of the Fréchet Inception Distance
Stars: ✭ 66 (-67.16%)
Mutual labels:  gan
Phpproject
A pure PHP library for reading and writing project management files
Stars: ✭ 179 (-10.95%)
Mutual labels:  gan
Gtsrb
Convolutional Neural Network for German Traffic Sign Recognition Benchmark
Stars: ✭ 65 (-67.66%)
Mutual labels:  cnn
Tensorflow Mnist Cgan Cdcgan
Tensorflow implementation of conditional Generative Adversarial Networks (cGAN) and conditional Deep Convolutional Adversarial Networks (cDCGAN) for MANIST dataset.
Stars: ✭ 122 (-39.3%)
Mutual labels:  gan
Deeplearning Nlp Models
A small, interpretable codebase containing the re-implementation of a few "deep" NLP models in PyTorch. Colab notebooks to run with GPUs. Models: word2vec, CNNs, transformer, gpt.
Stars: ✭ 64 (-68.16%)
Mutual labels:  cnn
Vocgan
VocGAN: A High-Fidelity Real-time Vocoder with a Hierarchically-nested Adversarial Network
Stars: ✭ 158 (-21.39%)
Mutual labels:  gan
Sentiment analysis albert
sentiment analysis、文本分类、ALBERT、TextCNN、classification、tensorflow、BERT、CNN、text classification
Stars: ✭ 61 (-69.65%)
Mutual labels:  cnn
What Is My Girlfriend Thinking
用 Tensorflow.js 猜猜我的女朋友在想什么. A Tensorflow.js application for facial classification.
Stars: ✭ 122 (-39.3%)
Mutual labels:  cnn
Arbitrary Text To Image Papers
A collection of arbitrary text to image papers with code (constantly updating)
Stars: ✭ 196 (-2.49%)
Mutual labels:  gan
Mxnet Gluon Style Transfer
Neural Style and MSG-Net
Stars: ✭ 105 (-47.76%)
Mutual labels:  style-transfer
Unified Gesture And Fingertip Detection
A Unified Convolutional Neural Network Approach of Gesture Recognition and Fingertip Detection.
Stars: ✭ 121 (-39.8%)
Mutual labels:  cnn
Anogan Keras
Unsupervised anomaly detection with generative model, keras implementation
Stars: ✭ 157 (-21.89%)
Mutual labels:  gan
Kaggle Competition Favorita
5th place solution for Kaggle competition Favorita Grocery Sales Forecasting
Stars: ✭ 169 (-15.92%)
Mutual labels:  cnn
Self Driving Car 3d Simulator With Cnn
Implementing a self driving car using a 3D Driving Simulator. CNN will be used for training
Stars: ✭ 143 (-28.86%)
Mutual labels:  cnn
Fagan
A variant of the Self Attention GAN named: FAGAN (Full Attention GAN)
Stars: ✭ 105 (-47.76%)
Mutual labels:  gan
Capsule Gan
Code for my Master thesis on "Capsule Architecture as a Discriminator in Generative Adversarial Networks".
Stars: ✭ 120 (-40.3%)
Mutual labels:  gan
Hypergan
Composable GAN framework with api and user interface
Stars: ✭ 1,104 (+449.25%)
Mutual labels:  gan
Tbgan
Project Page of 'Synthesizing Coupled 3D Face Modalities by Trunk-Branch Generative Adversarial Networks'
Stars: ✭ 105 (-47.76%)
Mutual labels:  gan
Unit
Unsupervised Image-to-Image Translation
Stars: ✭ 1,809 (+800%)
Mutual labels:  gan
Tensorflow2.0 Examples
🙄 Difficult algorithm, Simple code.
Stars: ✭ 1,397 (+595.02%)
Mutual labels:  gan
Deep Learning Notes
My CS231n lecture notes
Stars: ✭ 102 (-49.25%)
Mutual labels:  cnn
Liteflownet2
A Lightweight Optical Flow CNN - Revisiting Data Fidelity and Regularization, TPAMI 2020
Stars: ✭ 195 (-2.99%)
Mutual labels:  cnn
Bilinear Cnn Tensorflow
This is an implementation of Bilinear CNN for fine grained visual recognition using TensorFlow.
Stars: ✭ 187 (-6.97%)
Mutual labels:  cnn
Eeg Dl
A Deep Learning library for EEG Tasks (Signals) Classification, based on TensorFlow.
Stars: ✭ 165 (-17.91%)
Mutual labels:  cnn
Pix2latent
Code for: Transforming and Projecting Images into Class-conditional Generative Networks
Stars: ✭ 141 (-29.85%)
Mutual labels:  gan
Models
DLTK Model Zoo
Stars: ✭ 101 (-49.75%)
Mutual labels:  cnn
301-360 of 951 similar projects