How to implement CapsNets using TensorFlow - Aurélien Géron
https://youtu.be/2Kawrd5szHE
https://youtu.be/2Kawrd5szHE
YouTube
How to implement CapsNets using TensorFlow
This video will show you how to implement a Capsule Network in TensorFlow. You will learn more about CapsNets, as well as tips & tricks on using TensorFlow more efficiently. Hope you like it!
Subscribe for more Machine Learning and Deep Learning videos.…
Subscribe for more Machine Learning and Deep Learning videos.…
Word embeddings: exploration, explanation, and exploitation (with code in Python)
https://medium.com/@hol_io/word-embeddings-exploration-explanation-and-exploitation-with-code-in-python-5dac99d5d795
https://medium.com/@hol_io/word-embeddings-exploration-explanation-and-exploitation-with-code-in-python-5dac99d5d795
Medium
Word embeddings: exploration, explanation, and exploitation (with code in Python)
Word embeddings discussion is the topic being talked about by every natural language processing scientist for many-many years, so don’t…
Convolutional Neural Networks for Sentence Classification(TextCNN) implements by Tensorflow 1.4
https://github.com/DongjunLee/text-cnn-tensorflow
https://github.com/DongjunLee/text-cnn-tensorflow
GitHub
DongjunLee/text-cnn-tensorflow
Convolutional Neural Networks for Sentence Classification(TextCNN) implements by TensorFlow - DongjunLee/text-cnn-tensorflow
Project[P] Using T-SNE to Visualise how your Deep Model thinks
https://buzzrobot.com/using-t-sne-to-visualise-how-your-deep-model-thinks-4ba6da0c63a0
https://buzzrobot.com/using-t-sne-to-visualise-how-your-deep-model-thinks-4ba6da0c63a0
Medium
Using T-SNE to Visualise how your Model thinks
Combining the best of both worlds : Depth and Interpretability
PyTorch 0.3 is out with performance improvements, ONNX/CUDA 9/CUDNN 7 support
https://github.com/pytorch/pytorch/releases/tag/v0.3.0
https://github.com/pytorch/pytorch/releases/tag/v0.3.0
GitHub
pytorch/pytorch
Tensors and Dynamic neural networks in Python with strong GPU acceleration - pytorch/pytorch
Understanding unsupervised learning by predicting noise (video podcast)
https://youtu.be/CkSVb1ZMlnU
https://youtu.be/CkSVb1ZMlnU
YouTube
Selective Attention ep 001 - Noise As Targets
Our first video! Paper: Unsupervised Learning by Predicting Noise https://arxiv.org/abs/1704.05310 Authors: Piotr Bojanowski, Armand Joulin Institution: Face...
Scattertext 2.14: Interactive visualization of feature importances in text classification
https://github.com/JasonKessler/scattertext/blob/master/README.md#visualizing-scikit-learn-text-classification-weights
https://github.com/JasonKessler/scattertext/blob/master/README.md#visualizing-scikit-learn-text-classification-weights
GitHub
scattertext/README.md at master · JasonKessler/scattertext
Beautiful visualizations of how language differs among document types. - JasonKessler/scattertext
SmallVis: Comparing non-linear dimension reduction techniques
https://github.com/jlmelville/smallvis
https://github.com/jlmelville/smallvis
GitHub
jlmelville/smallvis
smallvis - R package for dimensionality reduction of small datasets
Neural Network in JavaScript with WebGL and deeplearn.js
https://github.com/javanoscript-machine-learning/color-accessibility-neural-network-deeplearnjs
https://github.com/javanoscript-machine-learning/color-accessibility-neural-network-deeplearnjs
GitHub
javanoscript-machine-learning/color-accessibility-neural-network-deeplearnjs
color-accessibility-neural-network-deeplearnjs - 🍃 Using a Neural Network to improve web accessibility in JavaScript.
Optimization for Deep Learning Highlights in 2017
http://ruder.io/deep-learning-optimization-2017/
http://ruder.io/deep-learning-optimization-2017/
ruder.io
Optimization for Deep Learning Highlights in 2017
Different gradient descent optimization algorithms have been proposed in recent years but Adam is still most commonly used. This post discusses the most exciting highlights and most promising recent approaches that may shape the way we will optimize our models…
How to Prepare News Articles for Text Summarization
https://machinelearningmastery.com/prepare-news-articles-text-summarization/
https://machinelearningmastery.com/prepare-news-articles-text-summarization/
MachineLearningMastery.com
How to Prepare News Articles for Text Summarization - MachineLearningMastery.com
Text summarization is the task of creating a short, accurate, and fluent summary of an article.
A popular and free dataset for use in text summarization experiments with deep learning methods is the CNN News story dataset.
In this tutorial, you will…
A popular and free dataset for use in text summarization experiments with deep learning methods is the CNN News story dataset.
In this tutorial, you will…
How to Develop a Deep Learning Caption Generation Model in Keras from Scratch
https://machinelearningmastery.com/develop-a-deep-learning-caption-generation-model-in-python/
https://machinelearningmastery.com/develop-a-deep-learning-caption-generation-model-in-python/
Deep Learning for NLP, advancements and trends in 2017
https://tryolabs.com/blog/2017/12/12/deep-learning-for-nlp-advancements-and-trends-in-2017/
https://tryolabs.com/blog/2017/12/12/deep-learning-for-nlp-advancements-and-trends-in-2017/
Tryolabs
Deep Learning for NLP: Advancements & Trends
The use of Deep Learning for NLP (Natural Language Processing) is widening and yielding amazing results. This overview covers some major advancements & recent trends.
Understanding Dimension Reduction with Principal Component Analysis
https://blog.paperspace.com/pca/
https://blog.paperspace.com/pca/
Hello Paperspace
Understanding Dimension Reduction with Principal Component Analysis (PCA)
The Curse of Dimensionality Big Data Analytics is a buzzword nowadays. Everyone is talking about it. Big data Analytics has found application in many sectors like medicine, politics, dating. Though big data analytics is used in bettering many aspects of human…
Tutorial session: Geometric Deep Learning on Graphs and Manifolds
https://youtu.be/LvmjbXZyoP0
https://youtu.be/LvmjbXZyoP0
YouTube
Geometric Deep Learning on Graphs and Manifolds - #NIPS2017
The purpose of the proposed tutorial is to introduce the emerging field of geometric deep learning on graphs and manifolds, overview existing solutions and applications for this class of problems, as well as key difficulties and future research directions…
How to solve 90% of NLP problems: a step-by-step guide
https://blog.insightdatascience.com/how-to-solve-90-of-nlp-problems-a-step-by-step-guide-fda605278e4e
https://blog.insightdatascience.com/how-to-solve-90-of-nlp-problems-a-step-by-step-guide-fda605278e4e
Medium
How to solve 90% of NLP problems: a step-by-step guide
Using Machine Learning to understand and leverage text.
PyTorch implementation of the NIPS-17 paper "Poincaré Embeddings for Learning Hierarchical Implementations"
https://github.com/facebookresearch/poincare-embeddings
https://github.com/facebookresearch/poincare-embeddings
GitHub
GitHub - facebookresearch/poincare-embeddings: PyTorch implementation of the NIPS-17 paper "Poincaré Embeddings for Learning Hierarchical…
PyTorch implementation of the NIPS-17 paper "Poincaré Embeddings for Learning Hierarchical Representations" - facebookresearch/poincare-embeddings
GANs that generate different types of oil paintings (includes weights + pictures!)
https://github.com/robbiebarrat/art-DCGAN/blob/master/README.md
https://github.com/robbiebarrat/art-DCGAN/blob/master/README.md
GitHub
art-DCGAN/README.md at master · robbiebarrat/art-DCGAN
Modified implementation of DCGAN focused on generative art. Includes pre-trained models for landscapes, nude-portraits, and others. - art-DCGAN/README.md at master · robbiebarrat/art-DCGAN
Recurrent Neural Networks for Vector Drawing Classification
https://www.tensorflow.org/versions/master/tutorials/recurrent_quickdraw
https://www.tensorflow.org/versions/master/tutorials/recurrent_quickdraw
Best practice for Tensorflow Project Template Architecture
https://github.com/Mrgemy95/Tensorflow-Project-Template
https://github.com/Mrgemy95/Tensorflow-Project-Template
GitHub
GitHub - MrGemy95/Tensorflow-Project-Template: A best practice for tensorflow project template architecture.
A best practice for tensorflow project template architecture. - GitHub - MrGemy95/Tensorflow-Project-Template: A best practice for tensorflow project template architecture.