Fully Convolutional Networks for Panoptic Segmentation.
Github: https://github.com/yanwei-li/PanopticFCN
Paper: https://arxiv.org/pdf/2012.00720.pdf
@ArtificialIntelligencedl
Github: https://github.com/yanwei-li/PanopticFCN
Paper: https://arxiv.org/pdf/2012.00720.pdf
@ArtificialIntelligencedl
ReBeL: A general game-playing AI bot that excels at poker and more
https://ai.facebook.com/blog/rebel-a-general-game-playing-ai-bot-that-excels-at-poker-and-more/
Github: https://github.com/facebookresearch/rebel
Paper: https://arxiv.org/abs/2007.13544
@ArtificialIntelligencedl
https://ai.facebook.com/blog/rebel-a-general-game-playing-ai-bot-that-excels-at-poker-and-more/
Github: https://github.com/facebookresearch/rebel
Paper: https://arxiv.org/abs/2007.13544
@ArtificialIntelligencedl
Meta
ReBeL: A general game-playing AI bot that excels at poker and more
Combining reinforcement learning with search (RL+Search) has been tremendously successful for perfect-information games. But prior RL+Search algorithms break down in
Driving Model Performance with Synthetic Data II: Smart Augmentations
https://synthesis.ai/2020/12/02/driving-model-performance-with-synthetic-data-ii-smart-augmentations/
@ArtificialIntelligencedl
https://synthesis.ai/2020/12/02/driving-model-performance-with-synthetic-data-ii-smart-augmentations/
@ArtificialIntelligencedl
MusicAutobot
Using Deep Learning to generate pop music.
Github: https://github.com/bearpelican/musicautobot
Website: https://musicautobot.com/song/4296f489066d02db3491bcde78667746
@ArtificialIntelligencedl
Using Deep Learning to generate pop music.
Github: https://github.com/bearpelican/musicautobot
Website: https://musicautobot.com/song/4296f489066d02db3491bcde78667746
@ArtificialIntelligencedl
Change the Background of Any Video with 5 Lines of Code
https://www.kdnuggets.com/2020/12/change-background-video-5-lines-code.html
@ArtificialIntelligencedl
https://www.kdnuggets.com/2020/12/change-background-video-5-lines-code.html
@ArtificialIntelligencedl
KDnuggets
Change the Background of Any Video with 5 Lines of Code
Learn to blur, color, grayscale and create a virtual background for a video with PixelLib.
Towards Better Object Detection in Scale Variation with Adaptive Feature Selection.
Github: https://github.com/ZeHuiGong/AFSM
Paper: https://arxiv.org/abs/2012.03265v1
Github: https://github.com/ZeHuiGong/AFSM
Paper: https://arxiv.org/abs/2012.03265v1
Forwarded from TensorFlow
Making BERT Easier with Preprocessing Models From TensorFlow Hub
https://blog.tensorflow.org/2020/12/making-bert-easier-with-preprocessing-models-from-tensorflow-hub.html
@tensorflowblog
https://blog.tensorflow.org/2020/12/making-bert-easier-with-preprocessing-models-from-tensorflow-hub.html
@tensorflowblog
blog.tensorflow.org
Making BERT Easier with Preprocessing Models From TensorFlow Hub
Fine tune BERT for Sentiment analysis using TensorFlow Hub
Implementation of Adam and AMSGrad Optimizers
Project: https://lab-ml.com/labml_nn/optimizers/adam.html
AMSGrad: https://lab-ml.com/labml_nn/optimizers/amsgrad.html
GitHub: https://github.com/lab-ml/nn
Full list: https://lab-ml.com/labml_nn/index.html
@ArtificialIntelligencedl
Project: https://lab-ml.com/labml_nn/optimizers/adam.html
AMSGrad: https://lab-ml.com/labml_nn/optimizers/amsgrad.html
GitHub: https://github.com/lab-ml/nn
Full list: https://lab-ml.com/labml_nn/index.html
@ArtificialIntelligencedl
Matrix Decomposition Decoded
https://www.kdnuggets.com/2020/12/matrix-decomposition-decoded.html
@ArtificialIntelligencedl
https://www.kdnuggets.com/2020/12/matrix-decomposition-decoded.html
@ArtificialIntelligencedl
KDnuggets
Matrix Decomposition Decoded - KDnuggets
This article covers matrix decomposition, as well as the underlying concepts of eigenvalues (lambdas) and eigenvectors, as well as discusses the purpose behind using matrix and vectors in linear algebra.
OneNet: Towards End-to-End One-Stage Object Detection.
Github: https://github.com/PeizeSun/OneNet
Paper: https://arxiv.org/abs/2012.05780v1
@ArtificialIntelligencedl
Github: https://github.com/PeizeSun/OneNet
Paper: https://arxiv.org/abs/2012.05780v1
@ArtificialIntelligencedl
Dynamic Classifier Selection Ensembles in Python
https://machinelearningmastery.com/dynamic-classifier-selection-in-python/
@ArtificialIntelligencedl
https://machinelearningmastery.com/dynamic-classifier-selection-in-python/
@ArtificialIntelligencedl
MachineLearningMastery.com
Dynamic Classifier Selection Ensembles in Python - MachineLearningMastery.com
Dynamic classifier selection is a type of ensemble learning algorithm for classification predictive modeling.
The technique involves fitting multiple machine learning models on the training dataset, then selecting the model that is expected to perform…
The technique involves fitting multiple machine learning models on the training dataset, then selecting the model that is expected to perform…
RecipeNLG: A Cooking Recipes Dataset for Semi-Structured Text Generation
Github: https://github.com/Glorf/recipenlg
Paper: https://www.aclweb.org/anthology/2020.inlg-1.4/
@ArtificialIntelligencedl
Github: https://github.com/Glorf/recipenlg
Paper: https://www.aclweb.org/anthology/2020.inlg-1.4/
@ArtificialIntelligencedl
Privacy Considerations in Large Language Models
https://ai.googleblog.com/2020/12/privacy-considerations-in-large.html
@ArtificialIntelligencedl
https://ai.googleblog.com/2020/12/privacy-considerations-in-large.html
@ArtificialIntelligencedl
Googleblog
Privacy Considerations in Large Language Models
How to Create Custom Real-time Plots in Deep Learning
https://www.kdnuggets.com/2020/12/create-custom-real-time-plots-deep-learning.html
@ArtificialIntelligencedl
https://www.kdnuggets.com/2020/12/create-custom-real-time-plots-deep-learning.html
@ArtificialIntelligencedl
KDnuggets
How to Create Custom Real-time Plots in Deep Learning - KDnuggets
How to generate real-time visualizations of custom metrics while training a deep learning model using Keras callbacks.
Undersampling Will Change the Base Rates of Your Model’s Predictions
https://www.kdnuggets.com/2020/12/undersampling-change-base-rates-model-predictions.html
@ArtificialIntelligencedl
https://www.kdnuggets.com/2020/12/undersampling-change-base-rates-model-predictions.html
@ArtificialIntelligencedl
KDnuggets
Undersampling Will Change the Base Rates of Your Model’s Predictions - KDnuggets
In classification problems, the proportion of cases in each class largely determines the base rate of the predictions produced by the model. Therefore if you use sampling techniques that change this proportion, there is a good chance you will want to rescale…
Graph Transformer Architecture
Github: https://github.com/graphdeeplearning/graphtransformer
Paper: https://arxiv.org/abs/2012.09699
@ArtificialIntelligencedl
Github: https://github.com/graphdeeplearning/graphtransformer
Paper: https://arxiv.org/abs/2012.09699
@ArtificialIntelligencedl
Efficient CNN-LSTM based Image Captioning using Neural Network Compression
Github: https://github.com/amanmohanty/idl-nncompress
Paper: https://arxiv.org/pdf/2012.09708.pdf
@ArtificialIntelligencedl
Github: https://github.com/amanmohanty/idl-nncompress
Paper: https://arxiv.org/pdf/2012.09708.pdf
@ArtificialIntelligencedl
Deep Learning & Art: Neural Style Transfer
https://datascience-enthusiast.com/DL/Art_Generation_with_Neural_Style_Transfer_v2.html
@ArtificialIntelligencedl
https://datascience-enthusiast.com/DL/Art_Generation_with_Neural_Style_Transfer_v2.html
@ArtificialIntelligencedl
Domain specific BERT representation for Named Entity Recognition of lab protocol
Github: https://github.com/tejasvaidhyadev/NER_Lab_Protocols
Website: https://noisy-text.github.io/2020/wlp-task.html
Paper: https://arxiv.org/pdf/2012.11145.pdf
@ArtificialIntelligencedl
Github: https://github.com/tejasvaidhyadev/NER_Lab_Protocols
Website: https://noisy-text.github.io/2020/wlp-task.html
Paper: https://arxiv.org/pdf/2012.11145.pdf
@ArtificialIntelligencedl