On the Path to Cryogenic Control of Quantum Processors
http://ai.googleblog.com/2019/02/on-path-to-cryogenic-control-of-quantum.html
http://ai.googleblog.com/2019/02/on-path-to-cryogenic-control-of-quantum.html
research.google
On the Path to Cryogenic Control of Quantum Processors
Posted by Joseph Bardin, Visiting Faculty Researcher and Erik Lucero, Staff Research Scientist and Hardware Lead, Google AI Quantum Team Building a...
HandCrafting an Artificial Neural Network
In this article, I have implemented a fully vectorized code for Artificial Neural Network with Dropout and L2 Regularization.
https://towardsdatascience.com/handcrafting-an-artificial-neural-network-e0b663e88a53
In this article, I have implemented a fully vectorized code for Artificial Neural Network with Dropout and L2 Regularization.
https://towardsdatascience.com/handcrafting-an-artificial-neural-network-e0b663e88a53
Medium
HandCrafting an Artificial Neural Network
Having learnt the making and working of a neural network, it is very important to implement the code for better understanding.
1albon_c_machine_learning_with_p.pdf
3.4 MB
Machine Learning with Python Cookbook: Practical Solutions from Preprocessing to Deep Learning
Getting Started with Reinforcement Learning and Open AI Gym
https://towardsdatascience.com/getting-started-with-reinforcement-learning-and-open-ai-gym-c289aca874f
https://towardsdatascience.com/getting-started-with-reinforcement-learning-and-open-ai-gym-c289aca874f
Medium
Getting Started with Reinforcement Learning and Open AI Gym
Solving the Mountain Car environment using Q-learning.
Learning to Generalize from Sparse and Underspecified Rewards
http://ai.googleblog.com/2019/02/learning-to-generalize-from-sparse-and.html
http://ai.googleblog.com/2019/02/learning-to-generalize-from-sparse-and.html
Googleblog
Learning to Generalize from Sparse and Underspecified Rewards
8 Tricks for Configuring Backpropagation to Train Better Neural Networks
https://machinelearningmastery.com/best-advice-for-configuring-backpropagation-for-deep-learning-neural-networks/
https://machinelearningmastery.com/best-advice-for-configuring-backpropagation-for-deep-learning-neural-networks/
MachineLearningMastery.com
8 Tricks for Configuring Backpropagation to Train Better Neural Networks - MachineLearningMastery.com
Neural network models are trained using stochastic gradient descent and model weights are updated using the backpropagation algorithm.
The optimization solved by training a neural network model is very challenging and although these algorithms are widely…
The optimization solved by training a neural network model is very challenging and although these algorithms are widely…
Convolutional Neural Network
Learn Convolutional Neural Network from basic and its implementation in Keras
https://towardsdatascience.com/covolutional-neural-network-cb0883dd6529
Learn Convolutional Neural Network from basic and its implementation in Keras
https://towardsdatascience.com/covolutional-neural-network-cb0883dd6529
Medium
Convolutional Neural Network
Learn Convolutional Neural Network from basic and its implementation in Keras
30 Days in the Life of a Machine Learning Researcher
https://medium.com/@abidlabs/what-its-like-to-do-machine-learning-research-for-a-month-8d270f076531?source=topic_page---------4------------------1
https://medium.com/@abidlabs/what-its-like-to-do-machine-learning-research-for-a-month-8d270f076531?source=topic_page---------4------------------1
Medium
30 Days in the Life of a Machine Learning Researcher
Every day for the month of January, I logged my main technical todos and emotional state. I hope this useful for those considering a PhD.
Monetizing_Machine_Learning.pdf
22.3 MB
Monetizing Machine Learning Book
Quickly Turn Python ML Ideas
into Web Applications on the
Serverless Cloud
Quickly Turn Python ML Ideas
into Web Applications on the
Serverless Cloud
How to Fix FutureWarning Messages in scikit-learn
https://machinelearningmastery.com/how-to-fix-futurewarning-messages-in-scikit-learn/
https://machinelearningmastery.com/how-to-fix-futurewarning-messages-in-scikit-learn/
MachineLearningMastery.com
How to Fix FutureWarning Messages in scikit-learn - MachineLearningMastery.com
Upcoming changes to the scikit-learn library for machine learning are reported through the use of FutureWarning messages when the code is run. Warning messages can be confusing to beginners as it looks like there is a problem with the code or that they have…
Regression: Kernel and Nearest Neighbor Approach
In this article, I will talk about the Kernel and Nearest Neighbor Approach which forms a major class of non-parametric methods to solve a regression setting.
https://towardsdatascience.com/regression-kernel-and-nearest-neighbor-approach-6e27e5e955e7
In this article, I will talk about the Kernel and Nearest Neighbor Approach which forms a major class of non-parametric methods to solve a regression setting.
https://towardsdatascience.com/regression-kernel-and-nearest-neighbor-approach-6e27e5e955e7
Medium
Regression: Kernel and Nearest Neighbor Approach
In this article, I will talk about the Kernel and Nearest Neighbor Approach which forms a major class of non-parametric methods to solve a…
Forwarded from Artificial Intelligence
Introducing TensorFlow Datasets
https://medium.com/tensorflow/introducing-tensorflow-datasets-c7f01f7e19f3?source=topic_page---------2------------------1
https://medium.com/tensorflow/introducing-tensorflow-datasets-c7f01f7e19f3?source=topic_page---------2------------------1
Medium
Introducing TensorFlow Datasets
Public datasets fuel the machine learning research rocket (h/t Andrew Ng), but it’s still too difficult to simply get those datasets into…
How to use Google Speech to Text API to transcribe long audio files?
https://towardsdatascience.com/how-to-use-google-speech-to-text-api-to-transcribe-long-audio-files-1c886f4eb3e9?source=collection_home---4------0---------------------
https://towardsdatascience.com/how-to-use-google-speech-to-text-api-to-transcribe-long-audio-files-1c886f4eb3e9?source=collection_home---4------0---------------------
Towards Data Science
How to use Google Speech to Text API to transcribe long audio files?
Speech recognition is a fun task. A lot of API resources are available in market today which makes it easier for user to opt for one or…
Neural ODEs
Notebook here collects theory, basic implementation and some experiments of Neural Ordinary Differential Equations
https://github.com/urtrial/neural-ode
Link to NBViewer
https://nbviewer.jupyter.org/github/urtrial/neural_ode/blob/master/Neural%20ODEs%20(Russian).ipynb
Link to NBViewer (RUS)
https://nbviewer.jupyter.org/github/urtrial/neural_ode/blob/master/Neural%20ODEs.ipynb
Notebook here collects theory, basic implementation and some experiments of Neural Ordinary Differential Equations
https://github.com/urtrial/neural-ode
Link to NBViewer
https://nbviewer.jupyter.org/github/urtrial/neural_ode/blob/master/Neural%20ODEs%20(Russian).ipynb
Link to NBViewer (RUS)
https://nbviewer.jupyter.org/github/urtrial/neural_ode/blob/master/Neural%20ODEs.ipynb
GitHub
GitHub - msurtsukov/neural-ode: Jupyter notebook with Pytorch implementation of Neural Ordinary Differential Equations
Jupyter notebook with Pytorch implementation of Neural Ordinary Differential Equations - msurtsukov/neural-ode
The 10 coolest papers from CVPR 2018
The 2018 Conference on Computer Vision and Pattern Recognition (CVPR) took place last week in Salt Lake City, USA.
https://towardsdatascience.com/the-10-coolest-papers-from-cvpr-2018-11cb48585a49?source=collection_home---4------3---------------------
The 2018 Conference on Computer Vision and Pattern Recognition (CVPR) took place last week in Salt Lake City, USA.
https://towardsdatascience.com/the-10-coolest-papers-from-cvpr-2018-11cb48585a49?source=collection_home---4------3---------------------
Long-Range Robotic Navigation via Automated Reinforcement Learning
http://ai.googleblog.com/2019/02/long-range-robotic-navigation-via.html
http://ai.googleblog.com/2019/02/long-range-robotic-navigation-via.html
research.google
Long-Range Robotic Navigation via Automated Reinforcement Learning
Aleksandra Faust, Senior Research Scientist and Anthony Francis, Senior Software Engineer, Robotics at Google In the United States alone, there are...
PyTorch Machine Learning Tutorial - Machine Learning with Python and PyTorch
https://www.youtube.com/watch?v=TB-G1KqRb5o
https://www.youtube.com/watch?v=TB-G1KqRb5o
YouTube
PyTorch Python Tutorial | PyTorch Machine Learning Tutorial | Deep Learning Using PyTorch
Master Deep Learning and Computer Vision with PyTorch - Full Course on sale for $10! (normally $200):
https://www.udemy.com/pytorch-for-deep-learning-and-computer-vision/?couponCode=PYTORCHYOUTUBE09
PyTorch has rapidly become one of the most transformative…
https://www.udemy.com/pytorch-for-deep-learning-and-computer-vision/?couponCode=PYTORCHYOUTUBE09
PyTorch has rapidly become one of the most transformative…
Boosting: Is It Always The Best Option?
https://towardsdatascience.com/boosting-is-it-always-the-best-option-ce624a359c19
https://towardsdatascience.com/boosting-is-it-always-the-best-option-ce624a359c19
Medium
Boosting: Is It Always The Best Option?
Gradient boosting has become quite a popular technique in the area of machine learning. Given its reputation for achieving potentially…
Работа с Big Data в «МегаФон»
Директор по аналитике больших данных компании «МегаФон» рассказывает, как вырасти в профессионала в области big data и как именно работает с ними сотовый оператор.
https://www.youtube.com/watch?v=C6zSSWoOUOw«МегаФон»
Директор по аналитике больших данных компании «МегаФон» рассказывает, как вырасти в профессионала в области big data и как именно работает с ними сотовый оператор.
https://www.youtube.com/watch?v=C6zSSWoOUOw«МегаФон»
YouTube
МегаФон: как мы работаем с большими данными — OH, MY CODE #29
Директор по аналитике больших данных в «МегаФон» Виталий Щербаков рассказал о том, как происходит сбор и аналитика больших данных, как построить предсказательную модель поведения пользователей и как устроиться на работу в компанию. В конце ролика, по традиции…