All Projects → Hands On Deep Learning Algorithms With Python → Similar Projects or Alternatives

6347 Open source projects that are alternatives of or similar to Hands On Deep Learning Algorithms With Python

Generative models tutorial with demo
Generative Models Tutorial with Demo: Bayesian Classifier Sampling, Variational Auto Encoder (VAE), Generative Adversial Networks (GANs), Popular GANs Architectures, Auto-Regressive Models, Important Generative Model Papers, Courses, etc..
Stars: ✭ 276 (+1.47%)
Mutual labels:  jupyter-notebook, gans, cyclegan
Gans
Generative Adversarial Networks implemented in PyTorch and Tensorflow
Stars: ✭ 714 (+162.5%)
Mutual labels:  jupyter-notebook, gans, cyclegan
Concise Ipython Notebooks For Deep Learning
Ipython Notebooks for solving problems like classification, segmentation, generation using latest Deep learning algorithms on different publicly available text and image data-sets.
Stars: ✭ 23 (-91.54%)
Cryptocurrencyprediction
Predict Cryptocurrency Price with Deep Learning
Stars: ✭ 453 (+66.54%)
Mutual labels:  jupyter-notebook, gru
Shapematchinggan
[ICCV 2019, Oral] Controllable Artistic Text Style Transfer via Shape-Matching GAN
Stars: ✭ 315 (+15.81%)
Mutual labels:  jupyter-notebook, gans
Deep learning nlp
Keras, PyTorch, and NumPy Implementations of Deep Learning Architectures for NLP
Stars: ✭ 407 (+49.63%)
Asrgen
Attacking Speaker Recognition with Deep Generative Models
Stars: ✭ 31 (-88.6%)
Mutual labels:  jupyter-notebook, gans
Syntree2vec
An algorithm to augment syntactic hierarchy into word embeddings
Stars: ✭ 9 (-96.69%)
Lipreading
Stars: ✭ 49 (-81.99%)
Mutual labels:  jupyter-notebook, autoencoder
Average Word2vec
🔤 Calculate average word embeddings (word2vec) from documents for transfer learning
Stars: ✭ 52 (-80.88%)
Deeptime
Deep learning meets molecular dynamics.
Stars: ✭ 123 (-54.78%)
Mutual labels:  jupyter-notebook, autoencoder
Capsule net pytorch
Readable implementation of a Capsule Network as described in "Dynamic Routing Between Capsules" [Hinton et. al.]
Stars: ✭ 301 (+10.66%)
Zhihu
This repo contains the source code in my personal column (https://zhuanlan.zhihu.com/zhaoyeyu), implemented using Python 3.6. Including Natural Language Processing and Computer Vision projects, such as text generation, machine translation, deep convolution GAN and other actual combat code.
Stars: ✭ 3,307 (+1115.81%)
Mutual labels:  jupyter-notebook, autoencoder
Deepsvg
[NeurIPS 2020] Official code for the paper "DeepSVG: A Hierarchical Generative Network for Vector Graphics Animation". Includes a PyTorch library for deep learning with SVG data.
Stars: ✭ 403 (+48.16%)
Mutual labels:  jupyter-notebook, autoencoder
Sdv
Synthetic Data Generation for tabular, relational and time series data.
Stars: ✭ 360 (+32.35%)
Mutual labels:  jupyter-notebook, gans
Capsule Network Tutorial
Pytorch easy-to-follow Capsule Network tutorial
Stars: ✭ 722 (+165.44%)
Gans In Action
Companion repository to GANs in Action: Deep learning with Generative Adversarial Networks
Stars: ✭ 748 (+175%)
Mutual labels:  jupyter-notebook, gans
Rnn Notebooks
RNN(SimpleRNN, LSTM, GRU) Tensorflow2.0 & Keras Notebooks (Workshop materials)
Stars: ✭ 48 (-82.35%)
Mutual labels:  jupyter-notebook, gru
Tensorflow Book
Accompanying source code for Machine Learning with TensorFlow. Refer to the book for step-by-step explanations.
Stars: ✭ 4,448 (+1535.29%)
Mutual labels:  jupyter-notebook, autoencoder
Ganotebooks
wgan, wgan2(improved, gp), infogan, and dcgan implementation in lasagne, keras, pytorch
Stars: ✭ 1,446 (+431.62%)
Mutual labels:  jupyter-notebook, cyclegan
Hierarchical Attention Network
Implementation of Hierarchical Attention Networks in PyTorch
Stars: ✭ 120 (-55.88%)
Mutual labels:  jupyter-notebook, gru
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 (-49.26%)
Mutual labels:  jupyter-notebook, gans
Motion Sense
MotionSense Dataset for Human Activity and Attribute Recognition ( time-series data generated by smartphone's sensors: accelerometer and gyroscope)
Stars: ✭ 159 (-41.54%)
Mutual labels:  jupyter-notebook, autoencoder
Load forecasting
Load forcasting on Delhi area electric power load using ARIMA, RNN, LSTM and GRU models
Stars: ✭ 160 (-41.18%)
Mutual labels:  jupyter-notebook, gru
Aulas
Aulas da Escola de Inteligência Artificial de São Paulo
Stars: ✭ 166 (-38.97%)
Mutual labels:  jupyter-notebook, gans
Germanwordembeddings
Toolkit to obtain and preprocess german corpora, train models using word2vec (gensim) and evaluate them with generated testsets
Stars: ✭ 189 (-30.51%)
Faceswap Gan
A denoising autoencoder + adversarial losses and attention mechanisms for face swapping.
Stars: ✭ 3,099 (+1039.34%)
Mutual labels:  jupyter-notebook, gans
Question Generation
Generating multiple choice questions from text using Machine Learning.
Stars: ✭ 227 (-16.54%)
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+1079.78%)
Biosentvec
BioWordVec & BioSentVec: pre-trained embeddings for biomedical words and sentences
Stars: ✭ 308 (+13.24%)
Pytorch Cyclegan And Pix2pix
Image-to-Image Translation in PyTorch
Stars: ✭ 16,477 (+5957.72%)
Mutual labels:  gans, cyclegan
Baiduyun deeplearning competition
百度云魅族深度学习应用大赛
Stars: ✭ 393 (+44.49%)
Mutual labels:  jupyter-notebook, gru
Easy Deep Learning With Keras
Keras tutorial for beginners (using TF backend)
Stars: ✭ 367 (+34.93%)
Mutual labels:  jupyter-notebook, gru
Generative Models
Annotated, understandable, and visually interpretable PyTorch implementations of: VAE, BIRVAE, NSGAN, MMGAN, WGAN, WGANGP, LSGAN, DRAGAN, BEGAN, RaGAN, InfoGAN, fGAN, FisherGAN
Stars: ✭ 438 (+61.03%)
Mutual labels:  jupyter-notebook, autoencoder
Cyclegan
Software that can generate photos from paintings, turn horses into zebras, perform style transfer, and more.
Stars: ✭ 10,933 (+3919.49%)
Mutual labels:  gans, cyclegan
Keras Idiomatic Programmer
Books, Presentations, Workshops, Notebook Labs, and Model Zoo for Software Engineers and Data Scientists wanting to learn the TF.Keras Machine Learning framework
Stars: ✭ 720 (+164.71%)
Mutual labels:  jupyter-notebook, autoencoder
Pytorch Seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Stars: ✭ 3,418 (+1156.62%)
Mutual labels:  jupyter-notebook, gru
Nlp Notebooks
A collection of notebooks for Natural Language Processing from NLP Town
Stars: ✭ 513 (+88.6%)
Coursera Natural Language Processing Specialization
Programming assignments from all courses in the Coursera Natural Language Processing Specialization offered by deeplearning.ai.
Stars: ✭ 39 (-85.66%)
Pytorch Mnist Vae
Stars: ✭ 32 (-88.24%)
Mutual labels:  jupyter-notebook, autoencoder
Lung Diseases Classifier
Diseases Detection from NIH Chest X-ray data
Stars: ✭ 52 (-80.88%)
Matlab Gan
MATLAB implementations of Generative Adversarial Networks -- from GAN to Pixel2Pixel, CycleGAN
Stars: ✭ 63 (-76.84%)
Mutual labels:  gans, cyclegan
Deepai
Detection of Accounting Anomalies using Deep Autoencoder Neural Networks - A lab we prepared for NVIDIA's GPU Technology Conference 2018 that will walk you through the detection of accounting anomalies using deep autoencoder neural networks. The majority of the lab content is based on Jupyter Notebook, Python and PyTorch.
Stars: ✭ 104 (-61.76%)
Mutual labels:  jupyter-notebook, autoencoder
Novel Deep Learning Model For Traffic Sign Detection Using Capsule Networks
capsule networks that achieves outstanding performance on the German traffic sign dataset
Stars: ✭ 88 (-67.65%)
Capsule Gan
Code for my Master thesis on "Capsule Architecture as a Discriminator in Generative Adversarial Networks".
Stars: ✭ 120 (-55.88%)
Glove As A Tensorflow Embedding Layer
Taking a pretrained GloVe model, and using it as a TensorFlow embedding weight layer **inside the GPU**. Therefore, you only need to send the index of the words through the GPU data transfer bus, reducing data transfer overhead.
Stars: ✭ 85 (-68.75%)
Elmo Tutorial
A short tutorial on Elmo training (Pre trained, Training on new data, Incremental training)
Stars: ✭ 145 (-46.69%)
Starnet
StarNet
Stars: ✭ 141 (-48.16%)
Mutual labels:  jupyter-notebook, gans
Repo 2018
Deep Learning Summer School + Tensorflow + OpenCV cascade training + YOLO + COCO + CycleGAN + AWS EC2 Setup + AWS IoT Project + AWS SageMaker + AWS API Gateway + Raspberry Pi3 Ubuntu Core
Stars: ✭ 163 (-40.07%)
Mutual labels:  jupyter-notebook, cyclegan
Gdax Orderbook Ml
Application of machine learning to the Coinbase (GDAX) orderbook
Stars: ✭ 60 (-77.94%)
Mutual labels:  jupyter-notebook, gru
Debiaswe
Remove problematic gender bias from word embeddings.
Stars: ✭ 175 (-35.66%)
Deep Math Machine Learning.ai
A blog which talks about machine learning, deep learning algorithms and the Math. and Machine learning algorithms written from scratch.
Stars: ✭ 173 (-36.4%)
Mutual labels:  jupyter-notebook, gans
Book deeplearning in pytorch source
Stars: ✭ 236 (-13.24%)
Mutual labels:  jupyter-notebook, gans
Tensorflow 101
中文的 tensorflow tutorial with jupyter notebooks
Stars: ✭ 172 (-36.76%)
Mutual labels:  jupyter-notebook, autoencoder
Gan Compression
[CVPR 2020] GAN Compression: Efficient Architectures for Interactive Conditional GANs
Stars: ✭ 800 (+194.12%)
Mutual labels:  gans, cyclegan
Contrastive Unpaired Translation
Contrastive unpaired image-to-image translation, faster and lighter training than cyclegan (ECCV 2020, in PyTorch)
Stars: ✭ 822 (+202.21%)
Mutual labels:  gans, cyclegan
Image Outpainting
🏖 Keras Implementation of Painting outside the box
Stars: ✭ 1,106 (+306.62%)
Mutual labels:  jupyter-notebook, gans
Capsnet Traffic Sign Classifier
A Tensorflow implementation of CapsNet(Capsules Net) apply on german traffic sign dataset
Stars: ✭ 166 (-38.97%)
Link Prediction
Representation learning for link prediction within social networks
Stars: ✭ 245 (-9.93%)
Mutual labels:  jupyter-notebook, autoencoder
pytorch-gans
PyTorch implementation of GANs (Generative Adversarial Networks). DCGAN, Pix2Pix, CycleGAN, SRGAN
Stars: ✭ 21 (-92.28%)
Mutual labels:  gans, cyclegan
1-60 of 6347 similar projects