How to Perform Face Detection with Deep Learning in Keras
https://machinelearningmastery.com/how-to-perform-face-detection-with-classical-and-deep-learning-methods-in-python-with-keras/
https://machinelearningmastery.com/how-to-perform-face-detection-with-classical-and-deep-learning-methods-in-python-with-keras/
Deep Learning Lecture
https://www.youtube.com/watch?v=FQw2l0AJ2iw
https://www.youtube.com/watch?v=FQw2l0AJ2iw
YouTube
(Old) Lecture 26 | (3/4) Deep Reinforcement Learning - TD and SARSA
Carnegie Mellon University
Course: 11-785, Intro to Deep Learning
Offering: Spring 2019
For more information, please visit: https://deeplearning.cs.cmu.edu/
Contents:
• Reinforcement Learning
• TD Learning
• SARSA
Course: 11-785, Intro to Deep Learning
Offering: Spring 2019
For more information, please visit: https://deeplearning.cs.cmu.edu/
Contents:
• Reinforcement Learning
• TD Learning
• SARSA
A stark contrast between Machine Learning vs other forms of mathematical modeling is that ML models often don't model extreme corner cases very well, because data in those areas is rare. Gathering data in important areas is as important a skill as building fancy neural networks.
A mathematical model from 103 years ago predicted something that was seen for the first time today: a black hole.
Machine Learning could never do that: it needs observations to model anything. This is a major weak-point of ML. Let's fix it.
A mathematical model from 103 years ago predicted something that was seen for the first time today: a black hole.
Machine Learning could never do that: it needs observations to model anything. This is a major weak-point of ML. Let's fix it.
Neural Style Transfer with Adversarially Robust Classifiers
Blog by Reiichiro Nakano: https://reiinakano.com/2019/06/21/robust-neural-style-transfer.html
Colab: https://colab.research.google.com/github/reiinakano/adversarially-robust-neural-style-transfer/blob/master/Robust_Neural_Style_Transfer.ipynb
#ArtificialIntelligence #DeepLearning #MachineLearning
Blog by Reiichiro Nakano: https://reiinakano.com/2019/06/21/robust-neural-style-transfer.html
Colab: https://colab.research.google.com/github/reiinakano/adversarially-robust-neural-style-transfer/blob/master/Robust_Neural_Style_Transfer.ipynb
#ArtificialIntelligence #DeepLearning #MachineLearning
reiinakano’s blog
Neural Style Transfer with Adversarially Robust Classifiers
I show that adversarial robustness makes neural style transfer work on a non-VGG architecture.
"Introducing Google Research Football: A Novel Reinforcement Learning Environment"
Blog by Karol Kurach and Olivier Bachem: https://ai.googleblog.com/2019/06/introducing-google-research-football.html
#reinforcementlearning #footfall #artificialintelligence
Blog by Karol Kurach and Olivier Bachem: https://ai.googleblog.com/2019/06/introducing-google-research-football.html
#reinforcementlearning #footfall #artificialintelligence
research.google
Introducing Google Research Football: A Novel Reinforcement Learning Environment
Posted by Karol Kurach, Research Lead and Olivier Bachem, Research Scientist, Google Research, Zürich The goal of reinforcement learning (RL) is ...
SLIDES
Introduction to Machine Learning:Linear Learners
Lisbon Machine Learning School, 2018
Stefan Riezler
https://lxmls.it.pt/2018/slidesLXMLS2018.pdf
Introduction to Machine Learning:Linear Learners
Lisbon Machine Learning School, 2018
Stefan Riezler
https://lxmls.it.pt/2018/slidesLXMLS2018.pdf
A cryptocurrency trading environment using deep reinforcement learning and OpenAI's gym 🤫
GitHub by Adam King: https://github.com/notadamking/RLTrader
#cryptocurrency #deeplearning #reinforcementlearning #openaigym #trading
GitHub by Adam King: https://github.com/notadamking/RLTrader
#cryptocurrency #deeplearning #reinforcementlearning #openaigym #trading
GitHub
GitHub - notadamking/RLTrader: A cryptocurrency trading environment using deep reinforcement learning and OpenAI's gym
A cryptocurrency trading environment using deep reinforcement learning and OpenAI's gym - notadamking/RLTrader
With Artificial Intelligence, Udacity can generate lecture videos from just audio narration with LumièreNet.
This means we can automate the production of MOOC video lectures using deep learning by directly mapping between audio and corresponding visuals.
Great work with bidirectional recurrent long-short term memory (BLSTM) network by Byung-Hak Kim and Varun Ganapathi
LumièreNet is a simple, modular, and completely deep-learning based architecture that synthesizes, high quality, full-pose headshot lecture videos from instructor's new audio narration of any length. Unlike prior works, LumièreNet is entirely composed of trainable neural network modules to learn mapping functions from the audio to video through (intermediate) estimated pose-based compact and abstract latent codes.
Watch: https://vimeo.com/327196551
Paper: https://arxiv.org/pdf/1907.02253.pdf
This means we can automate the production of MOOC video lectures using deep learning by directly mapping between audio and corresponding visuals.
Great work with bidirectional recurrent long-short term memory (BLSTM) network by Byung-Hak Kim and Varun Ganapathi
LumièreNet is a simple, modular, and completely deep-learning based architecture that synthesizes, high quality, full-pose headshot lecture videos from instructor's new audio narration of any length. Unlike prior works, LumièreNet is entirely composed of trainable neural network modules to learn mapping functions from the audio to video through (intermediate) estimated pose-based compact and abstract latent codes.
Watch: https://vimeo.com/327196551
Paper: https://arxiv.org/pdf/1907.02253.pdf
Vimeo
LumièreNet demo #2
LumièreNet produced full-pose headshot lecture video given her audio narration. Full paper available on arXiv: arxiv.org/abs/1907.02253
Neural Networks: parameters, hyperparameters and optimization strategies
https://towardsdatascience.com/neural-networks-parameters-hyperparameters-and-optimization-strategies-3f0842fac0a5
https://towardsdatascience.com/neural-networks-parameters-hyperparameters-and-optimization-strategies-3f0842fac0a5
Medium
Neural Networks: parameters, hyperparameters and optimization strategies
Neural Networks (NNs) are the typical algorithms used in Deep Learning analysis. NNs can take different shapes and structures…
TRFL (pronounced "truffle"): a library of reinforcement learning building blocks
By the Research Engineering team at DeepMind: https://github.com/deepmind/trfl
#artificialintelligence #deeplearning #reinforcementlearning
By the Research Engineering team at DeepMind: https://github.com/deepmind/trfl
#artificialintelligence #deeplearning #reinforcementlearning
GitHub
GitHub - google-deepmind/trfl: TensorFlow Reinforcement Learning
TensorFlow Reinforcement Learning. Contribute to google-deepmind/trfl development by creating an account on GitHub.
Adaptive Neural Trees
Tanno et al.: https://arxiv.org/abs/1807.06699
#ArtificialIntelligence #ComputerVision #EvolutionaryComputing #MachineLearning #PatternRecognition
Tanno et al.: https://arxiv.org/abs/1807.06699
#ArtificialIntelligence #ComputerVision #EvolutionaryComputing #MachineLearning #PatternRecognition
arXiv.org
Adaptive Neural Trees
Deep neural networks and decision trees operate on largely separate paradigms; typically, the former performs representation learning with pre-specified architectures, while the latter is...
Rules of Machine Learning: Best Practices for ML Engineering
By Martin Zinkevich: https://martin.zinkevich.org/rules_of_ml/rules_of_ml.pdf #ArtificialIntelligence #MachineLearning
By Martin Zinkevich: https://martin.zinkevich.org/rules_of_ml/rules_of_ml.pdf #ArtificialIntelligence #MachineLearning
Ten Lectures and Forty-Two Open Problems in the Mathematics of Data Science: MIT
Download Link: https://ocw.mit.edu/courses/mathematics/18-s096-topics-in-mathematics-of-data-science-fall-2015/lecture-notes/MIT18_S096F15_TenLec.pdf
Find other free courses, notes,etc of Stanford, Harvard, Cornell, NYU,etc here at : https://www.marktechpost.com/free-resources/
Download Link: https://ocw.mit.edu/courses/mathematics/18-s096-topics-in-mathematics-of-data-science-fall-2015/lecture-notes/MIT18_S096F15_TenLec.pdf
Find other free courses, notes,etc of Stanford, Harvard, Cornell, NYU,etc here at : https://www.marktechpost.com/free-resources/
MIT OpenCourseWare
Lecture Notes | Topics in Mathematics of Data Science | Mathematics | MIT OpenCourseWare
This section provides the schedule of course topics and the lecture notes used for the course.
Neural network 3D visualization framework. Very nice in-depth visualizations.
Now you can actually see how the layers look.
Github: https://github.com/tensorspace-team/tensorspace
LiveDemo (!): https://tensorspace.org/html/playground/vgg16.html
#visualization #nn
Now you can actually see how the layers look.
Github: https://github.com/tensorspace-team/tensorspace
LiveDemo (!): https://tensorspace.org/html/playground/vgg16.html
#visualization #nn
GitHub
GitHub - tensorspace-team/tensorspace: Neural network 3D visualization framework, build interactive and intuitive model in browsers…
Neural network 3D visualization framework, build interactive and intuitive model in browsers, support pre-trained deep learning models from TensorFlow, Keras, TensorFlow.js - GitHub - tensorspace-...
All the statistical distributions and how they relate to each other!
Source: https://www.math.wm.edu/~leemis/2008amstat.pdf
#distributions #visualization #cheatsheet #statistics
Source: https://www.math.wm.edu/~leemis/2008amstat.pdf
#distributions #visualization #cheatsheet #statistics
Free «Advanced Deep Learning and Reinforcement Learning» course.
#DeepMind researchers have released video recordings of lectures from «Advanced Deep Learning and Reinforcement Learning» a course on deep RL taught at #UCL earlier this year.
YouTube Playlist: https://www.youtube.com/playlist?list=PLqYmG7hTraZDNJre23vqCGIVpfZ_K2RZs
#course #video #RL #DL
#DeepMind researchers have released video recordings of lectures from «Advanced Deep Learning and Reinforcement Learning» a course on deep RL taught at #UCL earlier this year.
YouTube Playlist: https://www.youtube.com/playlist?list=PLqYmG7hTraZDNJre23vqCGIVpfZ_K2RZs
#course #video #RL #DL
Paper Summary: Neural Ordinary Differential Equations
https://towardsdatascience.com/paper-summary-neural-ordinary-differential-equations-37c4e52df128
https://towardsdatascience.com/paper-summary-neural-ordinary-differential-equations-37c4e52df128
Medium
Paper Summary: Neural Ordinary Differential Equations
A novel approach to sequential neural networks
A Unified Framework of Online Learning Algorithms for Training Recurrent Neural Networks. arxiv.org/abs/1907.02649
arXiv.org
A Unified Framework of Online Learning Algorithms for Training...
We present a framework for compactly summarizing many recent results in efficient and/or biologically plausible online training of recurrent neural networks (RNN). The framework organizes...
fixing a Major Weakness in Machine Learning of Images with Hinton’s Capsule Networks
https://www.kdnuggets.com/2019/05/machine-learning-images-hinton-capsule-networks.html
https://www.kdnuggets.com/2019/05/machine-learning-images-hinton-capsule-networks.html