Beginner's review of Gan Architectures
https://sigmoidal.io/beginners-review-of-gan-architectures/
https://sigmoidal.io/beginners-review-of-gan-architectures/
Sigmoidal
GAN Deep Learning Architectures - review - Sigmoidal
In this post, we give a comprehensive introduction to Generative Adversarial Networks (GANs) and provide you with tricks that would improve your results.
Benchmarking neural architectures for text classification
http://nadbordrozd.github.io/blog/2017/08/12/looking-for-the-text-top-model/
http://nadbordrozd.github.io/blog/2017/08/12/looking-for-the-text-top-model/
nadbordrozd.github.io
Looking for the Text Top Model - DS lore
Looking for the Text Top Model Aug 12th, 2017 4:49 pm TL;DR: I tested a bunch of neural network architectures plus SVM + NB on several text …
Learning to track objects in 4D data
https://summerofhpc.prace-ri.eu/learning-to-track-objects-in-4d-data/
https://summerofhpc.prace-ri.eu/learning-to-track-objects-in-4d-data/
summerofhpc.prace-ri.eu
Learning to track objects in 4D data
At the time when I wrote my last blog post (check it out if you didn't read it!) I was quite happy with the state of my Summer of HPC project Tracing in 4D data. I had completed the implementation of a 3D version of the object tracking algorithm Medianflow…
Нейросетевая игра в имитацию
https://habrahabr.ru/company/ods/blog/322514/
https://habrahabr.ru/company/ods/blog/322514/
Habr
Нейросетевая игра в имитацию
Здравствуйте, коллеги. В конце 1960-ых годов прошлого века Ричард Фейнман прочитал в Калтехе курс лекций по общей физике. Фейнман согласился прочитать свой курс ровно один раз. Университет понимал,...
A Gentle Introduction to RNN Unrolling
https://machinelearningmastery.com/rnn-unrolling/
https://machinelearningmastery.com/rnn-unrolling/
MachineLearningMastery.com
A Gentle Introduction to RNN Unrolling - MachineLearningMastery.com
Recurrent neural networks are a type of neural network where the outputs from previous time steps are fed as input to the current time step.
This creates a network graph or circuit diagram with cycles, which can make it difficult to understand how information…
This creates a network graph or circuit diagram with cycles, which can make it difficult to understand how information…
Creative Applications of Deep Learning with TensorFlow Python package
https://github.com/pkmital/pycadl
https://github.com/pkmital/pycadl
GitHub
pkmital/pycadl
pycadl - Python package with source code from the course "Creative Applications of Deep Learning w/ TensorFlow"
Chatbot in 200 lines of code [TensorFlow]
https://github.com/zsdonghao/seq2seq-chatbot
https://github.com/zsdonghao/seq2seq-chatbot
GitHub
GitHub - tensorlayer/seq2seq-chatbot: Chatbot in 200 lines of code using TensorLayer
Chatbot in 200 lines of code using TensorLayer. Contribute to tensorlayer/seq2seq-chatbot development by creating an account on GitHub.
ML Grid — библиотека машинного обучения в Apache Ignite
https://habrahabr.ru/company/gridgain/blog/332442/
https://habrahabr.ru/company/gridgain/blog/332442/
habrahabr.ru
ML Grid — библиотека машинного обучения в Apache Ignite
Возможности новой библиотеки машинного обучения Apache ML Grid В релиз Apache Ignite 2.0 вошла бета-версия библиотеки машинного обучения Apache Ignite Machine...
Открытый курс OpenDataScience и Mail.ru Group по машинному обучению. Лекция 1. Pandas
https://www.youtube.com/watch?v=dEFxoyJhm3Y
https://www.youtube.com/watch?v=dEFxoyJhm3Y
YouTube
Лекция 1. Pandas. Открытый курс OpenDataScience по машинному обучению mlcourse.ai
For lectures in English, check out this playlist https://bit.ly/2zY6Xe2
То же видео, но с улучшенным звуком https://youtu.be/OAy96yiWohk (Denis Cera, Oleg Butko)
В 1 лекции мы обсудим курс и попрактикуемся в первичном анализе данных с помощью библиотеки…
То же видео, но с улучшенным звуком https://youtu.be/OAy96yiWohk (Denis Cera, Oleg Butko)
В 1 лекции мы обсудим курс и попрактикуемся в первичном анализе данных с помощью библиотеки…
Bloom embedding layers: recommendations with compressed latent representations
https://github.com/maciejkula/spotlight/tree/master/examples/bloom_embeddings
https://github.com/maciejkula/spotlight/tree/master/examples/bloom_embeddings
GitHub
maciejkula/spotlight
Deep recommender models using PyTorch. Contribute to maciejkula/spotlight development by creating an account on GitHub.
Top articles in data published in August, handpicked with love by data scientists
https://blog.sicara.com/08-2017-best-big-data-new-articles-this-month-8aa97b466cf0
https://blog.sicara.com/08-2017-best-big-data-new-articles-this-month-8aa97b466cf0
Sicara | Agile Big Data Development
The Best of Big Data: New Articles Published This Month (August 2017)
7 data articles handpicked by the Sicara team, just for you
Awesome Community-Curated NLP List
https://github.com/alvations/awesome-community-curated-nlp
https://github.com/alvations/awesome-community-curated-nlp
GitHub
GitHub - alvations/awesome-community-curated-nlp: Community Curated NLP List
Community Curated NLP List. Contribute to alvations/awesome-community-curated-nlp development by creating an account on GitHub.
Top Books on Natural Language Processing
https://machinelearningmastery.com/books-on-natural-language-processing/
https://machinelearningmastery.com/books-on-natural-language-processing/
MachineLearningMastery.com
Top Books on Natural Language Processing - MachineLearningMastery.com
Natural Language Processing, or NLP for short, is the study of computational methods for working with speech and text data. The field is dominated by the statistical paradigm and machine learning methods are used for developing predictive models. In this…
Build and Visualize Word2Vec Model on Amazon Reviews
http://migsena.com/build-and-visualize-word2vec-model-on-amazon-reviews/
http://migsena.com/build-and-visualize-word2vec-model-on-amazon-reviews/
BeExpert
Build and Visualize Word2Vec Model on Amazon Reviews
The full code is available on Github. Word2vec is a very popular Natural Language Processing technique nowadays that uses a neural network to learn the vector representations of words called “…
Review of Stanford Course on Deep Learning for Natural Language Processing
https://machinelearningmastery.com/stanford-deep-learning-for-natural-language-processing-course/
https://machinelearningmastery.com/stanford-deep-learning-for-natural-language-processing-course/
MachineLearningMastery.com
Review of Stanford Course on Deep Learning for Natural Language Processing - MachineLearningMastery.com
Natural Language Processing, or NLP, is a subfield of machine learning concerned with understanding speech and text data.
Statistical methods and statistical machine learning dominate the field and more recently deep learning methods have proven very effective…
Statistical methods and statistical machine learning dominate the field and more recently deep learning methods have proven very effective…
AI Gym Workout (Proximal Policy Optimization blog post and implementation)
https://learningai.io/projects/2017/07/28/ai-gym-workout.html
https://learningai.io/projects/2017/07/28/ai-gym-workout.html
learningai.io
AI Gym Workout
Proximal Policy Optimization to solve MuJoCo and RoboSchool environments