Want Tensorboard Embeddings Visualiser without Tensorflow? Use my function!
https://nlml.github.io/tensorflow/using-tensorboard-embeddings-visualiser-with-numpy-arrays/
https://nlml.github.io/tensorflow/using-tensorboard-embeddings-visualiser-with-numpy-arrays/
nlml
Using Tensorboard Embeddings Visualiser with Numpy Arrays
Tensorboard’s embeddings visualiser is great. You can use it to visualise and explore any set of high dimensional vectors (say, the activations of a hidden layer of a neural net) in a lower-dimensional space.
SentEval: A library for evaluating the quality of sentence embeddings
https://github.com/facebookresearch/SentEval
https://github.com/facebookresearch/SentEval
GitHub
GitHub - facebookresearch/SentEval: A python tool for evaluating the quality of sentence embeddings.
A python tool for evaluating the quality of sentence embeddings. - facebookresearch/SentEval
Building Mobile Applications with TensorFlow (Free Ebook)
http://www.oreilly.com/data/free/building-mobile-applications-with-tensorflow.csp
http://www.oreilly.com/data/free/building-mobile-applications-with-tensorflow.csp
Oreilly
Building Mobile Applications with TensorFlow
Deep learning is an incredibly powerful technology for understanding messy data from the real world—and the TensorFlow machine learning library is the ideal way to harness that power. In this practical report, author Pete Warden, tech lead on the Mobile/Embedded…
art-DCGAN: modified DCGAN with models pre-trained on various art genres- scroll down in the readme; the generated landscapes are insane
https://github.com/robbiebarrat/art-DCGAN
https://github.com/robbiebarrat/art-DCGAN
GitHub
GitHub - robbiebarrat/art-DCGAN: Modified implementation of DCGAN focused on generative art. Includes pre-trained models for landscapes…
Modified implementation of DCGAN focused on generative art. Includes pre-trained models for landscapes, nude-portraits, and others. - robbiebarrat/art-DCGAN
[Project] Visual explanation for video recognition - What neural network see !
https://raghavgoyal14.github.io/blog/2017/08/13/temp-class-act-map
https://raghavgoyal14.github.io/blog/2017/08/13/temp-class-act-map
Get the Most out of LSTMs on Your Sequence Prediction Problem
http://machinelearningmastery.com/get-the-most-out-of-lstms/
http://machinelearningmastery.com/get-the-most-out-of-lstms/
MachineLearningMastery.com
Get the Most out of LSTMs on Your Sequence Prediction Problem - MachineLearningMastery.com
Long Short-Term Memory (LSTM) Recurrent Neural Networks are a powerful type of deep learning suited for sequence prediction problems.
A possible concern when using LSTMs is if the added complexity of the model is improving the skill of your model or is…
A possible concern when using LSTMs is if the added complexity of the model is improving the skill of your model or is…
Multivariate Time Series Forecasting with LSTMs in Keras
http://machinelearningmastery.com/multivariate-time-series-forecasting-lstms-keras/
http://machinelearningmastery.com/multivariate-time-series-forecasting-lstms-keras/
Support Vector Machines tutorial from examples
https://blog.statsbot.co/support-vector-machines-tutorial-c1618e635e93
https://blog.statsbot.co/support-vector-machines-tutorial-c1618e635e93
Medium
Support Vector Machines Tutorial
Learning SVMs from examples
Beholder: a TensorBoard plugin for visualizing arbitrary tensors (parameters, activations, gradients) live as your network trains.
https://github.com/chrisranderson/beholder/
https://github.com/chrisranderson/beholder/
GitHub
GitHub - chrisranderson/beholder: A TensorBoard plugin for visualizing arbitrary tensors in a video as your network trains.
A TensorBoard plugin for visualizing arbitrary tensors in a video as your network trains. - chrisranderson/beholder
Self-supervised learning of depth map from stereo images.
https://github.com/LouisFoucard/w-net
https://github.com/LouisFoucard/w-net
GitHub
LouisFoucard/w-net
w-net: a convolutional neural network architecture for the self-supervised learning of depthmap from pairs of stereo images. - LouisFoucard/w-net
A Gentle Intro to Tensoflow for Theano Users
https://tf-lenet.readthedocs.io/en/latest/
https://tf-lenet.readthedocs.io/en/latest/
xRBM - A Library for Restricted Boltzmann Machine (RBM) and its variants in Tensorflow
https://github.com/omimo/xRBM
https://github.com/omimo/xRBM
GitHub
GitHub - omimo/xRBM: Implementation of Restricted Boltzmann Machine (RBM) and its variants in Tensorflow
Implementation of Restricted Boltzmann Machine (RBM) and its variants in Tensorflow - GitHub - omimo/xRBM: Implementation of Restricted Boltzmann Machine (RBM) and its variants in Tensorflow
Neural networks in retail industry
https://www.deeplearningtrack.com/single-post/2017/08/15/Neural-networks-for-retail-industry
https://www.deeplearningtrack.com/single-post/2017/08/15/Neural-networks-for-retail-industry
deeplearningtrack
Neural networks for retail industry | Deeplearningtrack - Online data science school
There are wide applications of neural networks in industry. This post is an attempt to intuitively explain one of the applications of word2vec in retail indust
Google опубликовала библиотеку Deeplearn.js для машинного обучения в браузере
https://pair-code.github.io/deeplearnjs/index.html
https://pair-code.github.io/deeplearnjs/index.html
Machine Learning for Humans: A Beginner's Guide to AI/ML
https://medium.com/machine-learning-for-humans/why-machine-learning-matters-6164faf1df12
https://medium.com/machine-learning-for-humans/why-machine-learning-matters-6164faf1df12
Medium
A Beginner’s Guide to AI/ML 🤖👶
The ultimate guide to machine learning. Simple, plain-English explanations accompanied by math, code, and real-world examples.
What to Read: Notable Papers and Projects over the Last Weeks.
https://medium.com/mlreview/machine-learning-weekly-review-6-f429f11a8ce9
https://medium.com/mlreview/machine-learning-weekly-review-6-f429f11a8ce9
Medium
Machine Learning Weekly Review №6
Source of latest credible papers, videos and projects on machine learning for scientists and engineers.
Backprop is not just the chain rule
http://timvieira.github.io/blog/post/2017/08/18/backprop-is-not-just-the-chain-rule/
http://timvieira.github.io/blog/post/2017/08/18/backprop-is-not-just-the-chain-rule/
CNN Long Short-Term Memory Networks
https://machinelearningmastery.com/cnn-long-short-term-memory-networks/
https://machinelearningmastery.com/cnn-long-short-term-memory-networks/
Python/R code to predict reactions to text using a pretrained RNN on hundreds of thousands of Facebook Posts
https://github.com/minimaxir/reactionrnn
https://github.com/minimaxir/reactionrnn
GitHub
minimaxir/reactionrnn
Python module + R package to predict the reactions to a given text using a pretrained recurrent neural network. - minimaxir/reactionrnn