PyTorch implementation of Google AI's BERT model with a script to load Google's pre-trained models
https://github.com/huggingface/pytorch-pretrained-BERT
https://github.com/huggingface/pytorch-pretrained-BERT
GitHub
GitHub - huggingface/transformers: 🤗 Transformers: the model-definition framework for state-of-the-art machine learning models…
🤗 Transformers: the model-definition framework for state-of-the-art machine learning models in text, vision, audio, and multimodal models, for both inference and training. - GitHub - huggingface/t...
Using 3D visualizations to tune hyperparameters in ML models
https://towardsdatascience.com/using-3d-visualizations-to-tune-hyperparameters-of-ml-models-with-python-ba2885eab2e9
https://towardsdatascience.com/using-3d-visualizations-to-tune-hyperparameters-of-ml-models-with-python-ba2885eab2e9
Medium
Using 3D visualizations to tune hyperparameters of ML models with Python
Visualizing validation curves can be tricky when we have more than 1 hyperparameter. Here’s how to do it when we have 2, 3 and even more.
Artificial Intelligence meets Art: Neural Transfer Style
https://towardsdatascience.com/artificial-intelligence-meets-art-neural-transfer-style-50e1c07aa7f7
https://towardsdatascience.com/artificial-intelligence-meets-art-neural-transfer-style-50e1c07aa7f7
Medium
Artificial Intelligence meets Art: Neural Transfer Style
Introduction
Kaggle Competition — Image Classification
How to build a CNN model that can predict the classification of the input images using transfer learning
https://towardsdatascience.com/kaggle-competition-image-classification-676dee6c0f23
How to build a CNN model that can predict the classification of the input images using transfer learning
https://towardsdatascience.com/kaggle-competition-image-classification-676dee6c0f23
Medium
Kaggle Competition — Image Classification
To build a model that can predict the classification of the input images
Driving Computer Vision with Deep Learning
https://wayve.ai/blog/2018/10/8/vision-for-driving-with-deep-learning
https://wayve.ai/blog/2018/10/8/vision-for-driving-with-deep-learning
How to train Neural Network faster with optimizers?
https://towardsdatascience.com/how-to-train-neural-network-faster-with-optimizers-d297730b3713
https://towardsdatascience.com/how-to-train-neural-network-faster-with-optimizers-d297730b3713
Medium
How to train Neural Network faster with optimizers?
Mysteries of Neural Networks Part IV
PySyft
PySyft is a Python library for secure, private Deep Learning. PySyft decouples private data from model training, using Multi-Party Computation (MPC) within PyTorch.
https://github.com/OpenMined/PySyft
PySyft is a Python library for secure, private Deep Learning. PySyft decouples private data from model training, using Multi-Party Computation (MPC) within PyTorch.
https://github.com/OpenMined/PySyft
GitHub
GitHub - OpenMined/PySyft: Perform data science on data that remains in someone else's server
Perform data science on data that remains in someone else's server - OpenMined/PySyft
Predicting Professional Players’ Chess Moves with Deep Learning
https://towardsdatascience.com/predicting-professional-players-chess-moves-with-deep-learning-9de6e305109e?source=collection_home---4------0---------------------
https://towardsdatascience.com/predicting-professional-players-chess-moves-with-deep-learning-9de6e305109e?source=collection_home---4------0---------------------
Towards Data Science
Predicting Professional Players’ Chess Moves with Deep Learning
So I’m bad at chess.
A Comprehensive Hands-on Guide to Transfer Learning with Real-World Applications in Deep Learning
https://towardsdatascience.com/a-comprehensive-hands-on-guide-to-transfer-learning-with-real-world-applications-in-deep-learning-212bf3b2f27a
https://towardsdatascience.com/a-comprehensive-hands-on-guide-to-transfer-learning-with-real-world-applications-in-deep-learning-212bf3b2f27a
Medium
A Comprehensive Hands-on Guide to Transfer Learning with Real-World Applications in Deep Learning
Deep Learning on Steroids with the Power of Knowledge Transfer!
11 websites to find free, interesting datasets
https://www.interviewqs.com/blog/free_online_data_sets
https://www.interviewqs.com/blog/free_online_data_sets
Interviewqs
11 great websites to find data sets | Data Interview Questions
The 11 best websites to find interesting, free data sets to analyze. Provided by Data Interview Questions, a mailing list for coding and data interview problems.
Introduction to Natural Language Processing for Text
https://towardsdatascience.com/introduction-to-natural-language-processing-for-text-df845750fb63
https://towardsdatascience.com/introduction-to-natural-language-processing-for-text-df845750fb63
Medium
Introduction to Natural Language Processing for Text
After reading this blog post, you’ll know some basic techniques to extract features from some text, so you can use these features as input…
A simple Machine Learning introduction
https://towardsdatascience.com/a-simple-machine-learning-introduction-2f0f626966d7
https://towardsdatascience.com/a-simple-machine-learning-introduction-2f0f626966d7
Towards Data Science
A simple Machine Learning introduction
While I was starting to learn about Machine Learning, I kept finding myself confused about what I was doing. In my mind, it was clear what…
An easy introduction to unsupervised learning with 4 basic techniques
https://towardsdatascience.com/an-easy-introduction-to-unsupervised-learning-with-4-basic-techniques-897cb81979fd
https://towardsdatascience.com/an-easy-introduction-to-unsupervised-learning-with-4-basic-techniques-897cb81979fd
Machine learning, meet quantum computing
https://www.technologyreview.com/s/612435/machine-learning-meet-quantum-computing/
https://www.technologyreview.com/s/612435/machine-learning-meet-quantum-computing/
MIT Technology Review
Machine learning, meet quantum computing
Back in 1958, in the earliest days of the computing revolution, the US Office of Naval Research organized a press conference to unveil a device invented by a psychologist named Frank Rosenblatt at the Cornell Aeronautical Laboratory. Rosenblatt called his…
Gaussian Mixture Model clustering: how to select the number of components
https://towardsdatascience.com/gaussian-mixture-model-clusterization-how-to-select-the-number-of-components-clusters-553bef45f6e4
https://towardsdatascience.com/gaussian-mixture-model-clusterization-how-to-select-the-number-of-components-clusters-553bef45f6e4
Medium
Gaussian Mixture Model clustering: how to select the number of components (clusters)
If you landed on this post, you probably already know what a Gaussian Mixture Model is, so I will avoid the general description of the…