All Projects → Ad_examples → Similar Projects or Alternatives

2419 Open source projects that are alternatives of or similar to Ad_examples

Niftynet
[unmaintained] An open-source convolutional neural networks platform for research in medical image analysis and image-guided therapy
Stars: ✭ 1,276 (+99.06%)
Mutual labels:  gan, autoencoder
Lsd Seg
Learning from Synthetic Data: Addressing Domain Shift for Semantic Segmentation
Stars: ✭ 99 (-84.56%)
Lggan
[CVPR 2020] Local Class-Specific and Global Image-Level Generative Adversarial Networks for Semantic-Guided Scene Generation
Stars: ✭ 97 (-84.87%)
Dcgan
The Simplest DCGAN Implementation
Stars: ✭ 286 (-55.38%)
Ganspace
Discovering Interpretable GAN Controls [NeurIPS 2020]
Stars: ✭ 1,224 (+90.95%)
Hccg Cyclegan
Handwritten Chinese Characters Generation
Stars: ✭ 115 (-82.06%)
Simgan
Implementation of Apple's Learning from Simulated and Unsupervised Images through Adversarial Training
Stars: ✭ 406 (-36.66%)
Mlds2018spring
Machine Learning and having it Deep and Structured (MLDS) in 2018 spring
Stars: ✭ 124 (-80.66%)
Tensorflow Mnist Cgan Cdcgan
Tensorflow implementation of conditional Generative Adversarial Networks (cGAN) and conditional Deep Convolutional Adversarial Networks (cDCGAN) for MANIST dataset.
Stars: ✭ 122 (-80.97%)
Rnn Notebooks
RNN(SimpleRNN, LSTM, GRU) Tensorflow2.0 & Keras Notebooks (Workshop materials)
Stars: ✭ 48 (-92.51%)
Mutual labels:  lstm, rnn
totally humans
rnn trained on r/totallynotrobots 🤖
Stars: ✭ 23 (-96.41%)
Mutual labels:  lstm, rnn
Gan Playground
GAN Playground - Experiment with Generative Adversarial Nets in your browser. An introduction to GANs.
Stars: ✭ 336 (-47.58%)
Unetgan
Official Implementation of the paper "A U-Net Based Discriminator for Generative Adversarial Networks" (CVPR 2020)
Stars: ✭ 139 (-78.32%)
Semantic image inpainting
Semantic Image Inpainting
Stars: ✭ 140 (-78.16%)
Generative adversarial networks 101
Keras implementations of Generative Adversarial Networks. GANs, DCGAN, CGAN, CCGAN, WGAN and LSGAN models with MNIST and CIFAR-10 datasets.
Stars: ✭ 138 (-78.47%)
Tensorflow Infogan
🎎 InfoGAN: Interpretable Representation Learning
Stars: ✭ 149 (-76.76%)
tiny-rnn
Lightweight C++11 library for building deep recurrent neural networks
Stars: ✭ 41 (-93.6%)
Mutual labels:  lstm, rnn
time-series-forecasting-tensorflowjs
Pull stock prices from online API and perform predictions using Long Short Term Memory (LSTM) with TensorFlow.js framework
Stars: ✭ 96 (-85.02%)
Mutual labels:  lstm, rnn
keras-3dgan
Keras implementation of 3D Generative Adversarial Network.
Stars: ✭ 20 (-96.88%)
ezgan
An extremely simple generative adversarial network, built with TensorFlow
Stars: ✭ 36 (-94.38%)
Keras Anomaly Detection
Anomaly detection implemented in Keras
Stars: ✭ 335 (-47.74%)
Mutual labels:  lstm, anomaly-detection
Image generator
DCGAN image generator 🖼️.
Stars: ✭ 173 (-73.01%)
Gannotation
GANnotation (PyTorch): Landmark-guided face to face synthesis using GANs (And a triple consistency loss!)
Stars: ✭ 167 (-73.95%)
Tensorflow Mnist Gan Dcgan
Tensorflow implementation of Generative Adversarial Networks (GAN) and Deep Convolutional Generative Adversarial Netwokrs for MNIST dataset.
Stars: ✭ 163 (-74.57%)
Pytorch Generative Model Collections
Collection of generative models in Pytorch version.
Stars: ✭ 2,296 (+258.19%)
Dragan
A stable algorithm for GAN training
Stars: ✭ 189 (-70.51%)
Gandissect
Pytorch-based tools for visualizing and understanding the neurons of a GAN. https://gandissect.csail.mit.edu/
Stars: ✭ 1,700 (+165.21%)
video autoencoder
Video lstm auto encoder built with pytorch. https://arxiv.org/pdf/1502.04681.pdf
Stars: ✭ 32 (-95.01%)
Mutual labels:  lstm, autoencoder
DLSS
Deep Learning Super Sampling with Deep Convolutional Generative Adversarial Networks.
Stars: ✭ 88 (-86.27%)
Ranksrgan
ICCV 2019 (oral) RankSRGAN: Generative Adversarial Networks with Ranker for Image Super-Resolution. PyTorch implementation
Stars: ✭ 213 (-66.77%)
Deeplearning.ai Assignments
Stars: ✭ 268 (-58.19%)
Mutual labels:  lstm, rnn
Artgan
ArtGAN: This work presents a series of new approaches to improve Generative Adversarial Network (GAN) for conditional image synthesis and we name the proposed model as “ArtGAN”. Implementations are in Caffe/Tensorflow.
Stars: ✭ 210 (-67.24%)
The Gan World
Everything about Generative Adversarial Networks
Stars: ✭ 243 (-62.09%)
Adgan
The Implementation of paper "Controllable Person Image Synthesis with Attribute-Decomposed GAN"
Stars: ✭ 239 (-62.71%)
Lstm Human Activity Recognition
Human Activity Recognition example using TensorFlow on smartphone sensors dataset and an LSTM RNN. Classifying the type of movement amongst six activity categories - Guillaume Chevalier
Stars: ✭ 2,943 (+359.13%)
Mutual labels:  lstm, rnn
Gan Sandbox
Vanilla GAN implemented on top of keras/tensorflow enabling rapid experimentation & research. Branches correspond to implementations of stable GAN variations (i.e. ACGan, InfoGAN) and other promising variations of GANs like conditional and Wasserstein.
Stars: ✭ 210 (-67.24%)
Tensorflow Lstm Sin
TensorFlow 1.3 experiment with LSTM (and GRU) RNNs for sine prediction
Stars: ✭ 52 (-91.89%)
Mutual labels:  timeseries, lstm
Anomaly detection
This is a times series anomaly detection algorithm, implemented in Python, for catching multiple anomalies. It uses a moving average with an extreme student deviate (ESD) test to detect anomalous points.
Stars: ✭ 50 (-92.2%)
Mutual labels:  timeseries, anomaly-detection
Pytorch-POS-Tagger
Part-of-Speech Tagger and custom implementations of LSTM, GRU and Vanilla RNN
Stars: ✭ 24 (-96.26%)
Mutual labels:  lstm, rnn
Wavetorch
🌊 Numerically solving and backpropagating through the wave equation
Stars: ✭ 387 (-39.63%)
Mutual labels:  time-series, rnn
Remixautoml
R package for automation of machine learning, forecasting, feature engineering, model evaluation, model interpretation, data generation, and recommenders.
Stars: ✭ 159 (-75.2%)
Mutual labels:  timeseries, anomaly-detection
Unsupervised-Anomaly-Detection-with-Generative-Adversarial-Networks
Unsupervised Anomaly Detection with Generative Adversarial Networks on MIAS dataset
Stars: ✭ 95 (-85.18%)
Mutual labels:  gan, anomaly-detection
hcn
Hybrid Code Networks https://arxiv.org/abs/1702.03274
Stars: ✭ 81 (-87.36%)
Mutual labels:  lstm, rnn
sgrnn
Tensorflow implementation of Synthetic Gradient for RNN (LSTM)
Stars: ✭ 40 (-93.76%)
Mutual labels:  lstm, rnn
Kaggle Web Traffic Time Series Forecasting
Solution to Kaggle - Web Traffic Time Series Forecasting
Stars: ✭ 29 (-95.48%)
Mutual labels:  time-series, timeseries
Timbala
Durable time-series database that's API-compatible with Prometheus.
Stars: ✭ 85 (-86.74%)
Mutual labels:  time-series, timeseries
Phildb
Timeseries database
Stars: ✭ 25 (-96.1%)
Mutual labels:  time-series, timeseries
Stock Trading Ml
A stock trading bot that uses machine learning to make price predictions.
Stars: ✭ 325 (-49.3%)
Mutual labels:  time-series, lstm
Luminaire
Luminaire is a python package that provides ML driven solutions for monitoring time series data.
Stars: ✭ 316 (-50.7%)
Mutual labels:  time-series, anomaly-detection
Stingray
Anything can happen in the next half hour (including spectral timing made easy)!
Stars: ✭ 94 (-85.34%)
Mutual labels:  time-series, timeseries
Deep Learning Time Series
List of papers, code and experiments using deep learning for time series forecasting
Stars: ✭ 796 (+24.18%)
Mutual labels:  time-series, lstm
Tidyquant
Bringing financial analysis to the tidyverse
Stars: ✭ 635 (-0.94%)
Mutual labels:  time-series, timeseries
Lstm peptides
Long short-term memory recurrent neural networks for learning peptide and protein sequences to later design new, similar examples.
Stars: ✭ 30 (-95.32%)
Mutual labels:  lstm, rnn
Rnn Theano
使用Theano实现的一些RNN代码,包括最基本的RNN,LSTM,以及部分Attention模型,如论文MLSTM等
Stars: ✭ 31 (-95.16%)
Mutual labels:  lstm, rnn
Motion Sense
MotionSense Dataset for Human Activity and Attribute Recognition ( time-series data generated by smartphone's sensors: accelerometer and gyroscope)
Stars: ✭ 159 (-75.2%)
Mutual labels:  time-series, autoencoder
Semantic Pyramid for Image Generation
PyTorch reimplementation of the paper: "Semantic Pyramid for Image Generation" [CVPR 2020].
Stars: ✭ 45 (-92.98%)
AvatarGAN
Generate Cartoon Images using Generative Adversarial Network
Stars: ✭ 24 (-96.26%)
khiva-ruby
High-performance time series algorithms for Ruby
Stars: ✭ 27 (-95.79%)
Mutual labels:  time-series, anomaly-detection
Thio
Thio - a playground for real-time anomaly detection
Stars: ✭ 38 (-94.07%)
Mutual labels:  lstm, anomaly-detection
UEGAN
[TIP2020] Pytorch implementation of "Towards Unsupervised Deep Image Enhancement with Generative Adversarial Network"
Stars: ✭ 68 (-89.39%)
301-360 of 2419 similar projects