How to Develop Multi-Output Regression Models with Python
https://machinelearningmastery.com/multi-output-regression-models-with-python/
https://machinelearningmastery.com/multi-output-regression-models-with-python/
Anomaly detection with Keras, TensorFlow, and Deep Learning
https://www.pyimagesearch.com/2020/03/02/anomaly-detection-with-keras-tensorflow-and-deep-learning/
https://www.pyimagesearch.com/2020/03/02/anomaly-detection-with-keras-tensorflow-and-deep-learning/
PyImageSearch
Anomaly detection with Keras, TensorFlow, and Deep Learning - PyImageSearch
In this tutorial, you will learn how to perform anomaly and outlier detection using autoencoders, Keras, and TensorFlow.
BachGAN: High-Resolution Image Synthesis from Salient Object Layout
Github: https://github.com/Cold-Winter/BachGAN
Paper: https://arxiv.org/abs/2003.11690v1
Github: https://github.com/Cold-Winter/BachGAN
Paper: https://arxiv.org/abs/2003.11690v1
How to Calculate Feature Importance With Python
https://machinelearningmastery.com/calculate-feature-importance-with-python/
https://machinelearningmastery.com/calculate-feature-importance-with-python/
An Illustrated Guide to Graph Neural Networks
https://medium.com/dair-ai/an-illustrated-guide-to-graph-neural-networks-d5564a551783
https://medium.com/dair-ai/an-illustrated-guide-to-graph-neural-networks-d5564a551783
Medium
An Illustrated Guide to Graph Neural Networks
A breakdown of the inner workings of GNNs…
Gradient Boosting with Scikit-Learn, XGBoost, LightGBM, and CatBoost
https://machinelearningmastery.com/gradient-boosting-with-scikit-learn-xgboost-lightgbm-and-catboost/
https://machinelearningmastery.com/gradient-boosting-with-scikit-learn-xgboost-lightgbm-and-catboost/
MachineLearningMastery.com
Gradient Boosting with Scikit-Learn, XGBoost, LightGBM, and CatBoost - MachineLearningMastery.com
Gradient boosting is a powerful ensemble machine learning algorithm. It's popular for structured predictive modeling problems, such as classification and regression on tabular data, and is often the main algorithm or one of the main algorithms used in winning…
Train transformer language models with reinforcement learning.
https://lvwerra.github.io/trl/
Code: https://github.com/openai/lm-human-preferences
Paper: https://arxiv.org/pdf/1909.08593.pdf
https://lvwerra.github.io/trl/
Code: https://github.com/openai/lm-human-preferences
Paper: https://arxiv.org/pdf/1909.08593.pdf
Announcing the 2020 Image Matching Benchmark and Challenge
https://ai.googleblog.com/2020/04/announcing-2020-image-matching.html
https://ai.googleblog.com/2020/04/announcing-2020-image-matching.html
Googleblog
Announcing the 2020 Image Matching Benchmark and Challenge
Exploring Nature-Inspired Robot Agility
https://ai.googleblog.com/2020/04/exploring-nature-inspired-robot-agility.html
https://ai.googleblog.com/2020/04/exploring-nature-inspired-robot-agility.html
Googleblog
Exploring Nature-Inspired Robot Agility
Unsupervised Progressive Learning (UPL): A new problem for AI
https://medium.com/dair-ai/unsupervised-progressive-learning-upl-a-new-problem-for-ai-9a1c68c70a28
https://medium.com/dair-ai/unsupervised-progressive-learning-upl-a-new-problem-for-ai-9a1c68c70a28
Medium
Unsupervised Progressive Learning (UPL): A new problem for AI
The Unsupervised Progressive Learning (UPL) problem can be defined as a problem of learning from a stream of data that has any number of…
Gradient-Centralization: A New Optimization Technique for Deep Neural Networks
Code: https://github.com/Yonghongwei/Gradient-Centralization
Paper: https://arxiv.org/abs/2004.01461
Code: https://github.com/Yonghongwei/Gradient-Centralization
Paper: https://arxiv.org/abs/2004.01461
4 Types of Classification Tasks in Machine Learning
https://machinelearningmastery.com/types-of-classification-in-machine-learning/
https://machinelearningmastery.com/types-of-classification-in-machine-learning/
Quantization Aware Training with TensorFlow Model Optimization Toolkit - Performance with Accuracy
https://blog.tensorflow.org/2020/04/quantization-aware-training-with-tensorflow-model-optimization-toolkit.html
Video: https://www.youtube.com/watch?time_continue=457&v=2tnWHCxP8Bk&feature=emb_logo
Code example: https://www.tensorflow.org/model_optimization/guide/quantization/training_comprehensive_guide#experiment_with_quantization
https://blog.tensorflow.org/2020/04/quantization-aware-training-with-tensorflow-model-optimization-toolkit.html
Video: https://www.youtube.com/watch?time_continue=457&v=2tnWHCxP8Bk&feature=emb_logo
Code example: https://www.tensorflow.org/model_optimization/guide/quantization/training_comprehensive_guide#experiment_with_quantization
Stacking Ensemble Machine Learning With Python - Machine Learning Mastery
https://machinelearningmastery.com/stacking-ensemble-machine-learning-with-python/
https://machinelearningmastery.com/stacking-ensemble-machine-learning-with-python/
How-to deploy TensorFlow 2 Models on Cloud AI Platform
https://blog.tensorflow.org/2020/04/how-to-deploy-tensorflow-2-models-on-cloud-ai-platform.html
https://blog.tensorflow.org/2020/04/how-to-deploy-tensorflow-2-models-on-cloud-ai-platform.html
blog.tensorflow.org
How-to deploy TensorFlow 2 Models on Cloud AI Platform
The TensorFlow blog contains regular news from the TensorFlow team and the community, with articles on Python, TensorFlow.js, TF Lite, TFX, and more.
How to Use One-vs-Rest and One-vs-One for Multi-Class Classification
https://machinelearningmastery.com/one-vs-rest-and-one-vs-one-for-multi-class-classification/
https://machinelearningmastery.com/one-vs-rest-and-one-vs-one-for-multi-class-classification/
XTREME: A Massively Multilingual Multi-task Benchmark for Evaluating Cross-lingual Generalization
https://ai.googleblog.com/2020/04/xtreme-massively-multilingual-multi.html
https://ai.googleblog.com/2020/04/xtreme-massively-multilingual-multi.html
Googleblog
XTREME: A Massively Multilingual Multi-task Benchmark for Evaluating Cross-lingual Generalization
How TensorFlow Lite helps you from prototype to product
https://blog.tensorflow.org/2020/04/how-tensorflow-lite-helps-you-from-prototype-to-product.html
https://blog.tensorflow.org/2020/04/how-tensorflow-lite-helps-you-from-prototype-to-product.html
blog.tensorflow.org
How TensorFlow Lite helps you from prototype to product
The TensorFlow blog contains regular news from the TensorFlow team and the community, with articles on Python, TensorFlow.js, TF Lite, TFX, and more.
Regularizing Meta-Learning via Gradient Dropout
Code: https://github.com/hytseng0509/DropGrad
Paper: https://arxiv.org/abs/2004.05859
Code: https://github.com/hytseng0509/DropGrad
Paper: https://arxiv.org/abs/2004.05859
GitHub
GitHub - hytseng0509/DropGrad: Regularizing Meta-Learning via Gradient Dropout
Regularizing Meta-Learning via Gradient Dropout. Contribute to hytseng0509/DropGrad development by creating an account on GitHub.