TensorFlow 2 meets the Object Detection API
https://blog.tensorflow.org/2020/07/tensorflow-2-meets-object-detection-api.html
https://blog.tensorflow.org/2020/07/tensorflow-2-meets-object-detection-api.html
blog.tensorflow.org
TensorFlow 2 meets the Object Detection API
Object detection in TensorFlow 2, with SSD, MobileNet, RetinaNet, Faster R-CNN, Mask R-CNN, CenterNet, EfficientNet, and more.
Auto-Sklearn 2.0: The Next Generation
auto-sklearn is an automated machine learning toolkit and a drop-in replacement for a scikit-learn estimator.
Github: https://github.com/automl/auto-sklearn
Paper: https://arxiv.org/pdf/2007.04074.pdf
auto-sklearn is an automated machine learning toolkit and a drop-in replacement for a scikit-learn estimator.
Github: https://github.com/automl/auto-sklearn
Paper: https://arxiv.org/pdf/2007.04074.pdf
Calculus.pdf
38.8 MB
Free MIT Courses and book on Calculus: The Key to Understanding Deep Learning
Course: https://ocw.mit.edu/resources/res-18-005-highlights-of-calculus-spring-2010/
@ai_machinelearning_big_data
Course: https://ocw.mit.edu/resources/res-18-005-highlights-of-calculus-spring-2010/
@ai_machinelearning_big_data
This media is not supported in your browser
VIEW IN TELEGRAM
Using machine learning in the browser to lip sync to your favorite songs
https://blog.tensorflow.org/2020/07/using-machine-learning-in-browser-to-lip-sync.html
MediaPipe Face Mesh: https://google.github.io/mediapipe/solutions/face_mesh.html
Github: https://github.com/google/mediapipe
https://blog.tensorflow.org/2020/07/using-machine-learning-in-browser-to-lip-sync.html
MediaPipe Face Mesh: https://google.github.io/mediapipe/solutions/face_mesh.html
Github: https://github.com/google/mediapipe
Fast and Accurate Neural CRF Constituency Parsing
To improve the parsing performance,hee introduced a new scoring architecture based on boundary representation and biaffine attention, and a beneficial dropout strategy.
Github: https://github.com/yzhangcs/parser
Paper: https://www.ijcai.org/Proceedings/2020/560
To improve the parsing performance,hee introduced a new scoring architecture based on boundary representation and biaffine attention, and a beneficial dropout strategy.
Github: https://github.com/yzhangcs/parser
Paper: https://www.ijcai.org/Proceedings/2020/560
Indoor SfMLearner
The unsupervised depth estimation task in indoor environments.
Github: https://github.com/svip-lab/Indoor-SfMLearner
Paper: https://arxiv.org/abs/2007.07696v1
The unsupervised depth estimation task in indoor environments.
Github: https://github.com/svip-lab/Indoor-SfMLearner
Paper: https://arxiv.org/abs/2007.07696v1
This media is not supported in your browser
VIEW IN TELEGRAM
Real Time Object Measurement
Object measurement using OpenCV and Python. We will use an A4 paper as our guide and find the width and height of objects.
https://www.murtazahassan.com/real-time-object-measurement/
Object measurement using OpenCV and Python. We will use an A4 paper as our guide and find the width and height of objects.
https://www.murtazahassan.com/real-time-object-measurement/
Accelerating 3D Deep Learning with PyTorch3D
PyTorch3D provides efficient, reusable components for 3D Computer Vision research with PyTorch.
Code: https://github.com/facebookresearch/pytorch3d
Paper: https://arxiv.org/abs/2007.08501v1
Mesh R-CNN: https://github.com/facebookresearch/meshrcnn
@ai_machinelearning_big_data
PyTorch3D provides efficient, reusable components for 3D Computer Vision research with PyTorch.
Code: https://github.com/facebookresearch/pytorch3d
Paper: https://arxiv.org/abs/2007.08501v1
Mesh R-CNN: https://github.com/facebookresearch/meshrcnn
@ai_machinelearning_big_data
GitHub
GitHub - facebookresearch/pytorch3d: PyTorch3D is FAIR's library of reusable components for deep learning with 3D data
PyTorch3D is FAIR's library of reusable components for deep learning with 3D data - facebookresearch/pytorch3d
Real-Time Face Mask Detector with Python, OpenCV, Keras
https://data-flair.training/blogs/face-mask-detection-with-python/
Dataset: https://data-flair.training/blogs/download-face-mask-data/
Code: https://data-flair.training/blogs/download-face-mask-detector-project-source-code/
@ai_machinelearning_big_data
https://data-flair.training/blogs/face-mask-detection-with-python/
Dataset: https://data-flair.training/blogs/download-face-mask-data/
Code: https://data-flair.training/blogs/download-face-mask-detector-project-source-code/
@ai_machinelearning_big_data
DataFlair
Real-Time Face Mask Detector with Python, OpenCV, Keras - DataFlair
Real-time Face Mask Detector with Python - develop a real-time system to detect whether the person on the webcam is wearing a mask or not. We train the face mask detection model using Keras and OpenCV.
Multi-scale Interactive Network for Salient Object Detection.
Github: https://github.com/lartpang/MINet
Paper: https://arxiv.org/abs/2007.09062v1
Results & Pretrained Parameters: https://drive.google.com/drive/folders/16yTcf_m-ehnhWgXlN6hbZpBKMy6lYIQQ
Github: https://github.com/lartpang/MINet
Paper: https://arxiv.org/abs/2007.09062v1
Results & Pretrained Parameters: https://drive.google.com/drive/folders/16yTcf_m-ehnhWgXlN6hbZpBKMy6lYIQQ
Private prediction methods: A systematic study by Facebook Research
https://ai.facebook.com/blog/private-prediction-methods-a-systematic-study/
Github: https://github.com/facebookresearch/private_prediction
Paper: https://arxiv.org/pdf/2007.05089.pdf
@ai_machinelearning_big_data
https://ai.facebook.com/blog/private-prediction-methods-a-systematic-study/
Github: https://github.com/facebookresearch/private_prediction
Paper: https://arxiv.org/pdf/2007.05089.pdf
@ai_machinelearning_big_data
Meta
Private prediction methods: A systematic study
The first systematic study of the performance of all main private prediction techniques in realistic machine learning (ML) scenarios. This study is meant to help solve…
❤1
Using Snorkel and NLP Models to Predict Multiple Sclerosis Severity Scores
https://www.kdnuggets.com/2020/07/labelling-data-using-snorkel.html
Tutorial: https://nlp4h.com/blog/snorkel_tutorial/
https://www.kdnuggets.com/2020/07/labelling-data-using-snorkel.html
Tutorial: https://nlp4h.com/blog/snorkel_tutorial/
KDnuggets
Labelling Data Using Snorkel - KDnuggets
In this tutorial, we walk through the process of using Snorkel to generate labels for an unlabelled dataset. We will provide you examples of basic Snorkel components by guiding you through a real clinical application of Snorkel.
Whole-Body Human Pose Estimation in the Wild
Github: https://github.com/jin-s13/COCO-WholeBody
Paper: https://arxiv.org/abs/2007.11858v1
Dataset: https://cocodataset.org/#keypoints-2017
Github: https://github.com/jin-s13/COCO-WholeBody
Paper: https://arxiv.org/abs/2007.11858v1
Dataset: https://cocodataset.org/#keypoints-2017
LOOCV for Evaluating Machine Learning Algorithms
https://machinelearningmastery.com/loocv-for-evaluating-machine-learning-algorithms/
@ai_machinelearning_big_data
https://machinelearningmastery.com/loocv-for-evaluating-machine-learning-algorithms/
@ai_machinelearning_big_data
DeepSVG
A Hierarchical Generative Network for Vector Graphics Animation.
https://blog.alexandrecarlier.com/deepsvg/
Github: https://github.com/alexandre01/deepsvg
Paper: https://arxiv.org/abs/2007.11301
@ai_machinelearning_big_data
A Hierarchical Generative Network for Vector Graphics Animation.
https://blog.alexandrecarlier.com/deepsvg/
Github: https://github.com/alexandre01/deepsvg
Paper: https://arxiv.org/abs/2007.11301
@ai_machinelearning_big_data
GitHub
GitHub - alexandre01/deepsvg: [NeurIPS 2020] Official code for the paper "DeepSVG: A Hierarchical Generative Network for Vector…
[NeurIPS 2020] Official code for the paper "DeepSVG: A Hierarchical Generative Network for Vector Graphics Animation". Includes a PyTorch library for deep learning with SVG data. ...
TensorFlow 2.3.0 Release
TensorFlow 2.3 has been released!
https://blog.tensorflow.org/2020/07/whats-new-in-tensorflow-2-3.html
Release : https://github.com/tensorflow/tensorflow/releases
@ai_machinelearning_big_data
TensorFlow 2.3 has been released!
https://blog.tensorflow.org/2020/07/whats-new-in-tensorflow-2-3.html
Release : https://github.com/tensorflow/tensorflow/releases
@ai_machinelearning_big_data
blog.tensorflow.org
What's new in TensorFlow 2.3?
TensorFlow 2.3 has been released with new tools to make it easier to load and preprocess data, and solve input-pipeline bottlenecks.
👶 BabyAI 1.1
BabyAI is a platform used to study the sample efficiency of grounded language acquisitio
Github: https://github.com/mila-iqia/babyai
https://github.com/mila-iqia/babyai
Paper: https://arxiv.org/abs/2007.12770v1
@ai_machinelearning_big_data
BabyAI is a platform used to study the sample efficiency of grounded language acquisitio
Github: https://github.com/mila-iqia/babyai
https://github.com/mila-iqia/babyai
Paper: https://arxiv.org/abs/2007.12770v1
@ai_machinelearning_big_data
GitHub
GitHub - mila-iqia/babyai: BabyAI platform. A testbed for training agents to understand and execute language commands.
BabyAI platform. A testbed for training agents to understand and execute language commands. - mila-iqia/babyai
Building a Content-Based Book Recommendation Engine
https://www.kdnuggets.com/2020/07/building-content-based-book-recommendation-engine.html
Content-Based Recommendation System using Word Embeddings: https://medium.com/towards-artificial-intelligence/content-based-recommendation-system-using-word-embeddings-c1c15de1ef95
@ai_machinelearning_big_data
https://www.kdnuggets.com/2020/07/building-content-based-book-recommendation-engine.html
Content-Based Recommendation System using Word Embeddings: https://medium.com/towards-artificial-intelligence/content-based-recommendation-system-using-word-embeddings-c1c15de1ef95
@ai_machinelearning_big_data
KDnuggets
Building a Content-Based Book Recommendation Engine
In this blog, we will see how we can build a simple content-based recommender system using Goodreads data.