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
RECCON: Recognizing Emotion Cause in CONversations
Github: https://github.com/declare-lab/RECCON
Paper: https://arxiv.org/pdf/2012.11820.pdf
@ArtificialIntelligencedl
Github: https://github.com/declare-lab/RECCON
Paper: https://arxiv.org/pdf/2012.11820.pdf
@ArtificialIntelligencedl
SWA Object Detection
Github: https://github.com/hyz-xmaster/swa_object_detection
Paper: https://arxiv.org/abs/2012.12645
@ArtificialIntelligencedl
Github: https://github.com/hyz-xmaster/swa_object_detection
Paper: https://arxiv.org/abs/2012.12645
@ArtificialIntelligencedl
Effective Deployment of CNNs for 3DoF Pose Estimation and Grasping in Industrial Settings
Github: https://github.com/m4nh/loop
Video: https://www.youtube.com/watch?v=njLINQIA9iI
Paper: https://arxiv.org/abs/2012.13210v1
@ArtificialIntelligencedl
Github: https://github.com/m4nh/loop
Video: https://www.youtube.com/watch?v=njLINQIA9iI
Paper: https://arxiv.org/abs/2012.13210v1
@ArtificialIntelligencedl
👍1
MuZero General: Open Reimplementation of MuZero
GitHub: https://github.com/werner-duvaud/muzero-general
Paper: https://arxiv.org/abs/1911.08265
@ArtificialIntelligencedl
GitHub: https://github.com/werner-duvaud/muzero-general
Paper: https://arxiv.org/abs/1911.08265
@ArtificialIntelligencedl
Histogram-Based Gradient Boosting Ensembles in Python
https://machinelearningmastery.com/histogram-based-gradient-boosting-ensembles/
@ArtificialIntelligencedl
https://machinelearningmastery.com/histogram-based-gradient-boosting-ensembles/
@ArtificialIntelligencedl
Attention-Based Adaptive Spectral-Spatial Kernel ResNet for Hyperspectral Image Classification
Github: https://github.com/suvojit-0x55aa/A2S2K-ResNet
Paper: https://ieeexplore.ieee.org/document/9306920
@ArtificialIntelligencedl
Github: https://github.com/suvojit-0x55aa/A2S2K-ResNet
Paper: https://ieeexplore.ieee.org/document/9306920
@ArtificialIntelligencedl
Generating Beautiful Neural Network Visualizations
https://www.kdnuggets.com/2020/12/generating-beautiful-neural-network-visualizations.html
@ArtificialIntelligencedl
https://www.kdnuggets.com/2020/12/generating-beautiful-neural-network-visualizations.html
@ArtificialIntelligencedl
Towards Faster and Stabilized GAN Training for High-fidelity Few-shot Image Synthesis.
Github: https://github.com/lucidrains/lightweight-gan
Paper: https://openreview.net/forum?id=1Fqg133qRaI
@ArtificialIntelligencedl
Github: https://github.com/lucidrains/lightweight-gan
Paper: https://openreview.net/forum?id=1Fqg133qRaI
@ArtificialIntelligencedl
Factor Normalization for Deep Neural Network Models
Github: https://github.com/HazardNeo4869/FactorNormalization
Paper: https://openreview.net/forum?id=LcPefbNSwx_
@ArtificialIntelligencedl
Github: https://github.com/HazardNeo4869/FactorNormalization
Paper: https://openreview.net/forum?id=LcPefbNSwx_
@ArtificialIntelligencedl