This media is not supported in your browser
VIEW IN TELEGRAM
Real-Time 3D Object Detection on Mobile Devices with MediaPipe
https://ai.googleblog.com/2020/03/real-time-3d-object-detection-on-mobile.html
https://ai.googleblog.com/2020/03/real-time-3d-object-detection-on-mobile.html
Imbalanced Multiclass Classification with the Glass Identification Dataset
https://machinelearningmastery.com/imbalanced-multiclass-classification-with-the-glass-identification-dataset/
https://machinelearningmastery.com/imbalanced-multiclass-classification-with-the-glass-identification-dataset/
MachineLearningMastery.com
Imbalanced Multiclass Classification with the Glass Identification Dataset - MachineLearningMastery.com
Multiclass classification problems are those where a label must be predicted, but there are more than two labels that may be predicted. These are challenging predictive modeling problems because a sufficiently representative number of examples of each class…
HigherHRNet: Scale-Aware Representation Learning for Bottom-Up Human Pose Estimation
Code: https://github.com/HRNet/Higher-HRNet-Human-Pose-Estimation
Paper: https://arxiv.org/abs/1908.10357
Code: https://github.com/HRNet/Higher-HRNet-Human-Pose-Estimation
Paper: https://arxiv.org/abs/1908.10357
Rethinking Image Mixture for Unsupervised Visual Representation Learning
Code: https://github.com/szq0214/Rethinking-Image-Mixture-for-Unsupervised-Learning
Paper: https://arxiv.org/abs/2003.05438v1
Code: https://github.com/szq0214/Rethinking-Image-Mixture-for-Unsupervised-Learning
Paper: https://arxiv.org/abs/2003.05438v1
Neural Baseline and GECA for Grounded SCAN
This repository contains a multi-modal neural sequence-to-sequence model with a CNN to parse a world state and joint attention over input instruction sequences and world states.
Github: https://github.com/LauraRuis/multimodal_seq2seq_gSCAN
Paper: https://arxiv.org/abs/2003.05161
This repository contains a multi-modal neural sequence-to-sequence model with a CNN to parse a world state and joint attention over input instruction sequences and world states.
Github: https://github.com/LauraRuis/multimodal_seq2seq_gSCAN
Paper: https://arxiv.org/abs/2003.05161
Higher accuracy on vision models with EfficientNet-Lite
https://blog.tensorflow.org/2020/03/higher-accuracy-on-vision-models-with-efficientnet-lite.html
Paper: https://arxiv.org/abs/1905.11946
https://blog.tensorflow.org/2020/03/higher-accuracy-on-vision-models-with-efficientnet-lite.html
Paper: https://arxiv.org/abs/1905.11946
OS2D: One-Stage One-Shot Object Detection by Matching Anchor Features
https://github.com/aosokin/os2d
Paper: https://arxiv.org/abs/2003.06800v1
https://github.com/aosokin/os2d
Paper: https://arxiv.org/abs/2003.06800v1
Basic Data Cleaning for Machine Learning (That You Must Perform)
https://machinelearningmastery.com/basic-data-cleaning-for-machine-learning/
https://machinelearningmastery.com/basic-data-cleaning-for-machine-learning/
Visual Transfer Learning for Robotic Manipulation
https://ai.googleblog.com/2020/03/visual-transfer-learning-for-robotic.html
Video: https://www.youtube.com/watch?v=7tFO2V0sYJg&feature=emb_logo
https://ai.googleblog.com/2020/03/visual-transfer-learning-for-robotic.html
Video: https://www.youtube.com/watch?v=7tFO2V0sYJg&feature=emb_logo
Google AI Blog
Visual Transfer Learning for Robotic Manipulation
Posted by Yen-Chen Lin, Research Intern and Andy Zeng, Research Scientist, Robotics at Google The idea that robots can learn to directl...
Semantic Pyramid for Image Generation
Github: https://semantic-pyramid.github.io
Paper: https://arxiv.org/abs/2003.06221
Github: https://semantic-pyramid.github.io
Paper: https://arxiv.org/abs/2003.06221
This media is not supported in your browser
VIEW IN TELEGRAM
Massively Scaling Reinforcement Learning with SEED RL
https://ai.googleblog.com/2020/03/massively-scaling-reinforcement.html
Paper: https://arxiv.org/abs/1910.06591
https://ai.googleblog.com/2020/03/massively-scaling-reinforcement.html
Paper: https://arxiv.org/abs/1910.06591
An AI program that plays Flappy Bird using reinforcement learning.
Code: https://github.com/taivu1998/FlapAI-Bird
Model: https://stanford-cs221.github.io/autumn2019-extra/posters/18.pdf
Paper: https://arxiv.org/abs/2003.09579
Code: https://github.com/taivu1998/FlapAI-Bird
Model: https://stanford-cs221.github.io/autumn2019-extra/posters/18.pdf
Paper: https://arxiv.org/abs/2003.09579
GitHub
GitHub - taivu1998/FlapAI-Bird: An AI program that plays Flappy Bird using reinforcement learning.
An AI program that plays Flappy Bird using reinforcement learning. - taivu1998/FlapAI-Bird
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