Google Research: Looking Back at 2019, and Forward to 2020 and Beyond
https://ai.googleblog.com/2020/01/google-research-looking-back-at-2019.html
https://ai.googleblog.com/2020/01/google-research-looking-back-at-2019.html
research.google
Google Research: Looking Back at 2019, and Forward to 2020 and Beyond
Posted by Jeff Dean, Senior Fellow and SVP of Google Research and Health, on behalf of the entire Google Research community The goal of Google Re...
Non-local Neural Networks
Detectron is Facebook AI Research's software system that implements state-of-the-art object detection algorithms, including Mask R-CNN
https://github.com/facebookresearch/detectron
Non-local Neural Networks for Video Classification:https://github.com/facebookresearch/video-nonlocal-net
Paper: https://arxiv.org/abs/1711.07971v3
PySlowFast
https://github.com/facebookresearch/SlowFast
Detectron is Facebook AI Research's software system that implements state-of-the-art object detection algorithms, including Mask R-CNN
https://github.com/facebookresearch/detectron
Non-local Neural Networks for Video Classification:https://github.com/facebookresearch/video-nonlocal-net
Paper: https://arxiv.org/abs/1711.07971v3
PySlowFast
https://github.com/facebookresearch/SlowFast
A Gentle Introduction to Probability Metrics for Imbalanced Classification
https://machinelearningmastery.com/probability-metrics-for-imbalanced-classification/
https://machinelearningmastery.com/probability-metrics-for-imbalanced-classification/
MachineLearningMastery.com
A Gentle Introduction to Probability Metrics for Imbalanced Classification - MachineLearningMastery.com
Classification predictive modeling involves predicting a class label for examples, although some problems require the prediction of a probability of class membership. For these problems, the crisp class labels are not required, and instead, the likelihood…
👨🦱 DeeperForensics-1.0: A Large-Scale Dataset for Real-World Face Forgery Detection
Code: https://github.com/EndlessSora/DeeperForensics-1.0
Paper: https://arxiv.org/abs/2001.03024v1
Code: https://github.com/EndlessSora/DeeperForensics-1.0
Paper: https://arxiv.org/abs/2001.03024v1
🚶 HybridPose: 6D Object Pose Estimation under Hybrid Representations
https://github.com/chensong1995/HybridPose
Paper: https://arxiv.org/abs/2001.01869
Pixel-wise Voting Network for 6DoF Pose Estimation: https://github.com/zju3dv/pvnet
https://github.com/chensong1995/HybridPose
Paper: https://arxiv.org/abs/2001.01869
Pixel-wise Voting Network for 6DoF Pose Estimation: https://github.com/zju3dv/pvnet
Transformers-For-Negation-and-Speculation
https://www.depends-on-the-definition.com/named-entity-recognition-with-bert/
State-of-the-art Natural Language Processing for TensorFlow 2.0 and PyTorch:
https://github.com/huggingface/transformers
Code: https://github.com/adityak6798/Transformers-For-Negation-and-Speculation
NegBERT: A Transfer Learning Approach for Negation Detection and Scope Resolution: https://arxiv.org/abs/1911.04211
Resolving the Scope of Speculation and Negation using Transformer-Based Architectures:
https://arxiv.org/abs/2001.02885
https://www.depends-on-the-definition.com/named-entity-recognition-with-bert/
State-of-the-art Natural Language Processing for TensorFlow 2.0 and PyTorch:
https://github.com/huggingface/transformers
Code: https://github.com/adityak6798/Transformers-For-Negation-and-Speculation
NegBERT: A Transfer Learning Approach for Negation Detection and Scope Resolution: https://arxiv.org/abs/1911.04211
Resolving the Scope of Speculation and Negation using Transformer-Based Architectures:
https://arxiv.org/abs/2001.02885
GitHub
GitHub - huggingface/transformers: 🤗 Transformers: the model-definition framework for state-of-the-art machine learning models…
🤗 Transformers: the model-definition framework for state-of-the-art machine learning models in text, vision, audio, and multimodal models, for both inference and training. - GitHub - huggingface/t...
Using neural networks to solve advanced mathematics equations
https://ai.facebook.com/blog/using-neural-networks-to-solve-advanced-mathematics-equations/
https://ai.facebook.com/blog/using-neural-networks-to-solve-advanced-mathematics-equations/
Meta
Using neural networks to solve advanced mathematics equations
Facebook AI has developed the first neural network that uses symbolic reasoning to solve advanced mathematics problems.
Rethinking Generalization of Neural Models: A Named Entity Recognition Case Study
Paper: https://arxiv.org/abs/2001.03844v1
Code https://github.com/pfliu-nlp/Named-Entity-Recognition-NER-Papers
Paper: https://arxiv.org/abs/2001.03844v1
Code https://github.com/pfliu-nlp/Named-Entity-Recognition-NER-Papers
GitHub
GitHub - pfliu-nlp/Named-Entity-Recognition-NER-Papers: An elaborate and exhaustive paper list for Named Entity Recognition (NER)
An elaborate and exhaustive paper list for Named Entity Recognition (NER) - pfliu-nlp/Named-Entity-Recognition-NER-Papers
PyTorch 1.4 released, domain libraries updated
https://pytorch.org/blog/pytorch-1-dot-4-released-and-domain-libraries-updated/
Examples using model parallel training for reinforcement learning and with an LSTM: https://github.com/pytorch/examples/tree/master/distributed/rpc
https://pytorch.org/blog/pytorch-1-dot-4-released-and-domain-libraries-updated/
Examples using model parallel training for reinforcement learning and with an LSTM: https://github.com/pytorch/examples/tree/master/distributed/rpc
PyTorch
PyTorch 1.4 released, domain libraries updated
Today, we’re announcing the availability of PyTorch 1.4, along with updates to the PyTorch domain libraries. These releases build on top of the announcements from NeurIPS 2019, where we shared the availability of PyTorch Elastic, a new classification framework…
Deep Image Compression using Decoder Side Information
Code: https://github.com/ayziksha/DSIN
Paper: https://arxiv.org/abs/2001.04753v1
Code: https://github.com/ayziksha/DSIN
Paper: https://arxiv.org/abs/2001.04753v1
SMOTE Oversampling for Imbalanced Classification with Python
https://machinelearningmastery.com/smote-oversampling-for-imbalanced-classification/
https://machinelearningmastery.com/smote-oversampling-for-imbalanced-classification/
Trax — your path to advanced deep learning
Trax helps you understand and explore advanced deep learning.
https://github.com/google/trax
Paper Reformer: The Efficient Transformer: https://arxiv.org/abs/2001.04451v1
Trax helps you understand and explore advanced deep learning.
https://github.com/google/trax
Paper Reformer: The Efficient Transformer: https://arxiv.org/abs/2001.04451v1
GitHub
GitHub - google/trax: Trax — Deep Learning with Clear Code and Speed
Trax — Deep Learning with Clear Code and Speed. Contribute to google/trax development by creating an account on GitHub.
Optuna: A hyperparameter optimization framework
Optuna is an automatic hyperparameter optimization software framework, particularly designed for machine learning.
Code: https://github.com/optuna/optuna
Paper: https://arxiv.org/abs/1907.10902v1
Tutorial: https://optuna.org/
Optuna is an automatic hyperparameter optimization software framework, particularly designed for machine learning.
Code: https://github.com/optuna/optuna
Paper: https://arxiv.org/abs/1907.10902v1
Tutorial: https://optuna.org/
GitHub
GitHub - optuna/optuna: A hyperparameter optimization framework
A hyperparameter optimization framework. Contribute to optuna/optuna development by creating an account on GitHub.
Neural Arithmetic Units
Code for Neural Arithmetic Units (ICLR) and Measuring Arithmetic Extrapolation Performance (SEDL|NeurIPS):
https://github.com/AndreasMadsen/stable-nalu
Paper : https://openreview.net/forum?id=H1gNOeHKPS
@ai_machinelearning_big_data
Code for Neural Arithmetic Units (ICLR) and Measuring Arithmetic Extrapolation Performance (SEDL|NeurIPS):
https://github.com/AndreasMadsen/stable-nalu
Paper : https://openreview.net/forum?id=H1gNOeHKPS
@ai_machinelearning_big_data
Plato Dialogue System: A Flexible Conversational AI Research Platform
Code: https://github.com/uber-research/plato-research-dialogue-system
Introducing the Plato Research : https://eng.uber.com/plato-research-dialogue-system/
Paper: https://arxiv.org/abs/2001.06463v1
Code: https://github.com/uber-research/plato-research-dialogue-system
Introducing the Plato Research : https://eng.uber.com/plato-research-dialogue-system/
Paper: https://arxiv.org/abs/2001.06463v1
AI Habitat state-of-the-art simulation platform adds object interactivity
A major update to Facebook AI’s open source AI Habitat platform , which enables significantly faster training of embodied AI agents in a variety of photorealistic 3D virtual environments.
https://ai.facebook.com/blog/ai-habitat-state-of-the-art-simulation-platform-adds-object-interactivity/
Github: https://github.com/facebookresearch/habitat-sim/
https://github.com/facebookresearch/habitat-api
Paper: Are We Making Real Progress in Simulated Environments? Measuring the Sim2Real Gap in Embodied Visual Navigation
https://arxiv.org/abs/1912.06321
A major update to Facebook AI’s open source AI Habitat platform , which enables significantly faster training of embodied AI agents in a variety of photorealistic 3D virtual environments.
https://ai.facebook.com/blog/ai-habitat-state-of-the-art-simulation-platform-adds-object-interactivity/
Github: https://github.com/facebookresearch/habitat-sim/
https://github.com/facebookresearch/habitat-api
Paper: Are We Making Real Progress in Simulated Environments? Measuring the Sim2Real Gap in Embodied Visual Navigation
https://arxiv.org/abs/1912.06321
Facebook
AI Habitat simulation platform adds object interactivity
We’re releasing a major update to Facebook AI’s open source AI Habitat platform for training embodied AI agents in photorealistic 3D virtual environments. AI Habitat now supports interactive objects, realistic physics modeling, and more.
This media is not supported in your browser
VIEW IN TELEGRAM
🧠 Releasing the Drosophila Hemibrain Connectome — The Largest Synapse-Resolution Map of Brain Connectivity
https://ai.googleblog.com/2020/01/releasing-drosophila-hemibrain.html
https://ai.googleblog.com/2020/01/releasing-drosophila-hemibrain.html
GL2vec: Graph Embedding Enriched by Line Graphs with Edge Features
Code: https://github.com/benedekrozemberczki/karateclub
Paper: https://link.springer.com/chapter/10.1007/978-3-030-36718-3_1
https://karateclub.readthedocs.io
Code: https://github.com/benedekrozemberczki/karateclub
Paper: https://link.springer.com/chapter/10.1007/978-3-030-36718-3_1
https://karateclub.readthedocs.io
GitHub
GitHub - benedekrozemberczki/karateclub: Karate Club: An API Oriented Open-source Python Framework for Unsupervised Learning on…
Karate Club: An API Oriented Open-source Python Framework for Unsupervised Learning on Graphs (CIKM 2020) - benedekrozemberczki/karateclub
🚀 Google just published 25 million free datasets
https://towardsdatascience.com/google-just-published-25-million-free-datasets-d83940e24284
Datasetsearch: https://datasetsearch.research.google.com
@ai_machinelearning_big_data
https://towardsdatascience.com/google-just-published-25-million-free-datasets-d83940e24284
Datasetsearch: https://datasetsearch.research.google.com
@ai_machinelearning_big_data
Medium
Google just published 25 million free datasets
Here’s what you need to know about the largest data repository in the world