All Projects → shekkizh → Tensorflowprojects

shekkizh / Tensorflowprojects

Licence: mit
Deep learning using tensorflow

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Tensorflowprojects

Splitbrainauto
Split-Brain Autoencoders: Unsupervised Learning by Cross-Channel Prediction. In CVPR, 2017.
Stars: ✭ 137 (-17.96%)
Mutual labels:  unsupervised-learning
Stylisticpoetry
Codes for Stylistic Chinese Poetry Generation via Unsupervised Style Disentanglement (EMNLP 2018)
Stars: ✭ 148 (-11.38%)
Mutual labels:  unsupervised-learning
Csm
Code release for "Canonical Surface Mapping via Geometric Cycle Consistency"
Stars: ✭ 156 (-6.59%)
Mutual labels:  unsupervised-learning
Complete Life Cycle Of A Data Science Project
Complete-Life-Cycle-of-a-Data-Science-Project
Stars: ✭ 140 (-16.17%)
Mutual labels:  unsupervised-learning
Spherical Text Embedding
[NeurIPS 2019] Spherical Text Embedding
Stars: ✭ 143 (-14.37%)
Mutual labels:  unsupervised-learning
Neural Tools
Tools made for usage alongside artistic style transfer projects
Stars: ✭ 150 (-10.18%)
Mutual labels:  neural-style
Oneshottranslation
Pytorch implementation of "One-Shot Unsupervised Cross Domain Translation" NIPS 2018
Stars: ✭ 135 (-19.16%)
Mutual labels:  unsupervised-learning
Dynamics
A Compositional Object-Based Approach to Learning Physical Dynamics
Stars: ✭ 159 (-4.79%)
Mutual labels:  unsupervised-learning
Lr Gan.pytorch
Pytorch code for our ICLR 2017 paper "Layered-Recursive GAN for image generation"
Stars: ✭ 145 (-13.17%)
Mutual labels:  unsupervised-learning
Go Tsne
t-Distributed Stochastic Neighbor Embedding (t-SNE) in Go
Stars: ✭ 153 (-8.38%)
Mutual labels:  unsupervised-learning
Unsupervised detection
An Unsupervised Learning Framework for Moving Object Detection From Videos
Stars: ✭ 139 (-16.77%)
Mutual labels:  unsupervised-learning
Flappy Es
Flappy Bird AI using Evolution Strategies
Stars: ✭ 140 (-16.17%)
Mutual labels:  unsupervised-learning
Graphwavemachine
A scalable implementation of "Learning Structural Node Embeddings Via Diffusion Wavelets (KDD 2018)".
Stars: ✭ 151 (-9.58%)
Mutual labels:  unsupervised-learning
Isolation Forest
A Spark/Scala implementation of the isolation forest unsupervised outlier detection algorithm.
Stars: ✭ 139 (-16.77%)
Mutual labels:  unsupervised-learning
Stanford Cs 229 Machine Learning
VIP cheatsheets for Stanford's CS 229 Machine Learning
Stars: ✭ 12,827 (+7580.84%)
Mutual labels:  unsupervised-learning
Autoregressive Predictive Coding
Autoregressive Predictive Coding: An unsupervised autoregressive model for speech representation learning
Stars: ✭ 138 (-17.37%)
Mutual labels:  unsupervised-learning
Awesome Sentence Embedding
A curated list of pretrained sentence and word embedding models
Stars: ✭ 1,973 (+1081.44%)
Mutual labels:  unsupervised-learning
Danmf
A sparsity aware implementation of "Deep Autoencoder-like Nonnegative Matrix Factorization for Community Detection" (CIKM 2018).
Stars: ✭ 161 (-3.59%)
Mutual labels:  unsupervised-learning
Remixautoml
R package for automation of machine learning, forecasting, feature engineering, model evaluation, model interpretation, data generation, and recommenders.
Stars: ✭ 159 (-4.79%)
Mutual labels:  unsupervised-learning
Novelty Detection
Latent space autoregression for novelty detection.
Stars: ✭ 152 (-8.98%)
Mutual labels:  unsupervised-learning

#Tensorflow Projects A repo of everything deep and neurally related. Implementations and ideas are largely based on papers from arxiv and implementations, tutorials from the internet.

  1. Folder Heirarchy
  2. Results

##Folders

  • ContextEncoder - Context Inpainting - a modified implementation based on the idea from Context Encoder: Feature Learning by Inpainting
  • Dataset_Reader - Common dataset readers and other files related to input file reading pipeline
  • Emotion Detection - Kaggle class problem.
  • Face Detection - Face Detection as a regression problem from kaggle.
  • Generative Networks - Attempts at generative models mostly done with strided convolution and it's transposes.
    • Image Analogy - Implementation based on Deep Visual Analogy-Making paper. Dataloader code is based on carpedm20 implementation.
    • Generative NeuralStyle(Johnson et al) - Needs further tuning.
  • ImageArt - Everything artistic with deep nets
    • DeepDream, LayerVisualization, NeuralStyle(Gatys et al), ImageInversion(Mahendran et al) - all implementations are VGG model based.
    • NeuralArtist(a mapping from location to rgb as an optimization problem - idea based on karpathy's convnet.js implementation)
  • MNIST - My first ever code in Tensorflow. Check this out if you are new to Deep learning and Tensorflow - based on tensorflow tutorial with additions here and there.
  • Model_pruning - Includes files used for experimenting with pruning in neural networks
  • Unsupervised_learning - AutoEncoders, VAEs and Generative Adversarial Networks (GAN) implementations
  • notMNIST - Well you got to follow up MNIST with something :D
  • logs - Tensorflow Summary and Saver directory for all problems.
  • There are a couple of more implementations as attempts to solve a few other problems
    • Deblurring - Posing blurring in images as conv net problem - architecture is based on Image super-resolution paper by Dong et al.
    • FindInceptionSimilarity - This implementation made me realize an important concept in machine learning in general - Symbolism vs Distributed representations.
  • TensorflowUtils - Since most of the time parameters are just given a default value.

##Results

  • Generative Adversarial Networks - Tensorflow implementation of DCGAN on Flowers dataset and celebA dataset. Used carpedm20 and Newmu's DCGAN code for reference. The sample outputs below are the generated images - Results in increading order of epochs from left to right.

    CelebA

    But the celebA dataset used here had faces that are well aligned - Can we do better with unaligned images? Well, the results are as below.

    Flowers

  • Face Inpainting - Tried Context Encoder on Labeled Faces in Wild dataset and these are the results

- Deep dreams
  • Visualizing the first filter of VGG layer conv5_3
  • Image Inversion - An implementation based on Mahendran/Vedaldi's paper. Note that the optimization objective didn't account for variation loss across image and hence the visible noisy patterns in the result.
  • NeuralArtist - Not exactly the best the network could do - but impatience got the better of me. The idea is to map a location to a RGB value and optimize a model to generate an image. If you squint a bit you will see the image better :)
  • An attempt at MNIST Autoencoder (3 bottleneck variables) - An idea borrowed from karpathy's convnet.js. As noticed in the convnet.js page running the encoder longer does reduce the error and the separation further. Here's a sample of the difference from start to 20k iterations. Different colors correspond to labels 0-9.
  • Image Analogy - it was interesting to see how the model tries to learn. The model corresponding to just image loss seems to optimize shape followed by color and scale, though this process seems painfully slow - Rotation optimization so far doesn't seem to be visible on the horizon. Left image corresponds to result on the most trained model and the right corresponds to intermediate result. (Will be getting back to this problem later...)
  • Composite Pattern Producing Networks - Somethings are best left random and unexplained. Fun little project with the simplest of code.

=== Checkout my neuralnetworks.thought-experiments for more in depth notes on Deep learning models and concepts.

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].