- Guided Anchoring
- Cascade R-CNN
- Hybrid Task Cascade
- RetinaNet/Focal Loss
- Light-Head R-CNN
- Data Distillation
- YOLO v1
- Fast R-CNN. April 2015
- Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks. June 2015
- Mask R-CNN. March 2017
- MegDet: A Large Mini-Batch Object Detector. Nov 2017. Introduced SyncBN
- [FPN] Feature Pyramid Networks for Object Detection. Dec 2016.
- TF-Replicator: Distributed Machine Learning For Researchers
- Accurate, Large Minibatch SGD: Training ImageNet in 1 Hour. June 2017. Facebook. ResNet time-to-train SotA. Paper with Linear Scaling Rule: scale LR linearly with batch size
- Highly Scalable Deep Learning Training System with Mixed-Precision: Training ImageNet in Four Minutes July 2018. Tencent. ResNet time-to-train SotA
- ImageNet/ResNet-50 Training in 224 Seconds. Nov 2018. Sony. ResNet time-to-train SotA
- Large Batch Training of Convolutional Networks. Layer-wise adaptive rate scaling (LARS)
- [SENet] Squeeze-and-Excitation Networks. Sept 2017.
- Cyclical Learning Rates for Training Neural Networks. June 2015
- Don't Decay the Learning Rate, Increase the Batch Size. Nov 2017.
- [ResNet] Deep Residual Learning for Image Recognition. Dec 2015
- Memory-Efficient Backpropagation Through Time. June 2016
- In-Place Activated BatchNorm for Memory-Optimized Training of DNNs. Dec 2017
- Training Deep Nets with Sublinear Memory Cost
- Group Normalization. March 2018
- [C3D] Learning Spatiotemporal Features with 3D Convolutional Networks
- [OFF] Optical Flow Guided Feature: A Fast and Robust Motion Representation for Video Action Recognition
- [I3D] Quo Vadis, Action Recognition? A New Model and the Kinetics Dataset. May 2017. DeepMind
- DistInit: Learning Video Representations without a Single Labeled Video. Jan 2019. CMU + Facebook + Dartmouth + ArgoAI
- What Makes a Video a Video: Analyzing Temporal Information in Video Understanding Models and Dataset. FAIR. CVPR 2018
- A Closer Look at Spatiotemporal Convolutions for Action Recognition. FAIR, CVPR 2018
- Mask Scoring R-CNN. Mar 2019. Horizon Robotics. Mask RCNN + scoring block that learns quality of predictions. Beats MaskRCNN accuracy.
- FishNet: A Versatile Backbone for Image, Region, and Pixel Level Prediction. Jan 2019. Best new backbone? Resnet+ accuracy with fewer params. Part of SotA entry COCO Object Detection 2018
- [Transformer] Attention Is All You Need
- NAS-FPN: Learning Scalable Feature Pyramid Architecture for Object Detection. Apr 2019. Google Brain.
- Large-Batch Training for LSTM and Beyond. Jan 2019. Google + UC Berkely + UCLA
- Stochastic Gradient Push for Distributed Deep Learning. FAIR, NeurIPs 2018
- Deep Learning on Graphs: A Survey Dec 2018. Tsinghua University
- Yet Another Accelerated SGD: ResNet-50 Training on ImageNet in 74.7 seconds. Mar 2019. Fujitsu
- Graph Neural Networks: A Review of Methods and Applications. July 2019. Tsinghua University, Tencent
- Mesh R-CNN. June 2019. FAIR.
- MMDetection: Open MMLab Detection Toolbox and Benchmark. June 2019. Many affiliations.
- Software Engineering for Machine Learning: A Case Study. March 2019. Microsoft
- [Apple's Alchemist] DEMOCRATIZING PRODUCTION-SCALE DISTRIBUTED DEEP LEARNING. October 2018. Apple. Apple's interna; distributed training service, Alchemist.
- [DeepBird] Twitter meets TensorFlow. June 2018. Twitter internal ML platform
- Railyard: how we rapidly train machine learning models with Kubernetes. May 2019. Stripe's ML platform.
- Michelangelo. September 2017. 2. Nov 2018. Uber's ML platform.
- Benchmarking TPU, GPU, and CPU Platforms for Deep Learning. July 2019. Harvard. [HighPri]
- Random Search and Reproducibility for Neural Architecture Search. Feb 2019. CMU
- A Study of BFLOAT16 for Deep Learning Training. June 2019. Intel, Facebook
- Grid R-CNN Plus: Faster and Better. June 2019. SenseTime, CUHK, Beihang University.
- GluonTS: Probabilistic Time Series Models in Python. June 2019. AWS
- NAS-FCOS: Fast Neural Architecture Search for Object Detection. June 2019. Northwestern Polytechnical University, China, The University of Adelaide
- XLNet: Generalized Autoregressive Pretraining for Language Understanding. June 2019. CMU, Google Brain. Quoc V. Le
- Coin.AI: A Proof-of-Useful-Work Scheme for Blockchain-Based Distributed Deep Learning. July 2019. Universidad Carlos III of Madrid. [HighPri]
- Reducing BERT Pre-Training Time from 3 Days to 76 Minutes. Apr 2019. Google + UC Berkely + UCLA. Many overlapping authors with 'Large-Batch Training for LSTM and Beyond'
- BERT: Pre-training of Deep Bidirectional Transformers for Language Understanding. Google LM, Oct 2018 SotA (pre MT-DNN which uses BERT to set new SotA)
- The Evolved Transformer. May 2019. ICML 2019. Google Brain.
- Speed/accuracy trade-offs for modern convolutional object detectors. Nov 2016
- MnasNet: Platform-Aware Neural Architecture Search for Mobile. July 2018. Google.
- Dataset Distillation. Nov 2018. FAIR + MIT + UC Berkeley. Compress dataset into few synthetic distilled images. Train on distilled images with close to original performance.
- EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks. June 2019. ICML 2019. Google Brain. Quoc V. Le
- Faster Training of Mask R-CNN by Focusing on Instance Boundaries. Mar 2019. BMW
- Transformer-XL: Attentive Language Models Beyond A Fixed-Length Context. Jan 2019 SotA. Pre-GPT-2. CMU + Google Brain
- Scale-Aware Trident Networks for Object Detection. Mar 2019. University of Chinese Academy of Sciences, TuSimple. SotA COCO object detection
- [YOLOv2] YOLO9000: Better, Faster, Stronger. Dec 2016
- YOLOv3: An Incremental Improvement April 2018
- [MT-DNN] Multi-Task Deep Neural Networks for Natural Language Understanding. , Microsoft. BERT + Multi-task model. Feb 2019 SotA, Multi-task NLP (comparison with GPT-2 unknown)
- [GPT] Improving Language Understanding by Generative Pre-Training. OpenAI LM, June 2018 SotA (pre BERT). Minimal benchmark overlap with ELMo
- [GPT-2] Language Models are Unsupervised Multitask Learners. Feb 2019 SotA, Multi-task NLP
- DetNAS: Neural Architecture Search on Object Detection. Mar 2019. Chinese Academy of Science + Megvii
- MobileNets: Efficient Convolutional Neural Networks for Mobile Vision Applications. Google. Apr 2017
- MobileNetV2: Inverted Residuals and Linear Bottlenecks. Google. Jan 2018.
- Measuring the Effects of Data Parallelism on Neural Network Training
- What Makes a Video a Video: Analyzing Temporal Information in Video Understanding Models and Datasets. FAIR, CVPR 2018
- Demystifying Parallel and Distributed Deep Learning: An In-Depth Concurrency Analysis. Feb 2018.
- FBNet: Hardware-Aware Efficient ConvNet Design via Differentiable Neural Architecture Search. Dec 2018
- Object Recognition in Deep Convolutional Neural Networks is Fundamentally Different to That in Humans. Mar 2019. University of Aberdeen, University of Essex. psychology dept.
- Double Quantization for Communication-Efficient Distributed Optimization. Mar 2019. Tsinghua University, Tencent AI
- PRIORITY-BASED PARAMETER PROPAGATION FOR DISTRIBUTED DNN TRAINING. SysML 2019. University of British Columbia + Vector Institute + CMU + University of Toronto
- BEYOND DATA AND MODEL PARALLELISM FOR DEEP NEURAL NETWORKS. SysML 2019. Stanford (Matei Zaharia)
- Improving image classifiers for small datasets by learning rate adaptations. Mar 2019. UTokyo + exMedio Inc. Faster (and therefore cheaper) training
- Adaptive NMS: Refining Pedestrian Detection in a Crowd. Apr 2019. Beihang University
- IMAGENET-TRAINED CNNS ARE BIASED TOWARDS TEXTURE; INCREASING SHAPE BIAS IMPROVES ACCURACY AND ROBUSTNESS. ICLR 2019. University of Tubingen Sydney, SenseTime Research, Hong Kong University of Science and Technology, Microsoft Research Asia, Beijing Institute of Technology, Nanjing University, Huazhong University of Science and Technology, Peking University, Sun Yat-sen University, Northeastern University, Nanyang Technological University
- Four Things Everyone Should Know to Improve Batch Normalization. June 2019. University of Auckland
- Bad Global Minima Exist and SGD Can Reach Them. June 2019. University of Wisconsin–Madison, University of California Santa Cruz
- The Secrets of Machine Learning: Ten Things You Wish You Had Known Earlier to be More Effective at Data Analysis. June 2019. Duke University
- Pyramid Mask Text Detector. Mar 2019. SenseTime, CUHK, Beihang University
- SpanBERT: Improving Pre-training by Representing and Predicting Spans. July 2019. University of Washington, Princeton, FAIR.
- Trading via Image Classification. July 2019. JP Morgan AI Research [HighPri]. CV on timeseries graphs during trading to replicate how traders work.
- Real-time Event Detection on Social Data Streams. July 2019. Twitter [HighPri]
- Efficient 8-Bit Quantization of Transformer Neural Machine Language Translation Model. June 2019. ICML 2019. Intel.
- [Cascade Mask R-CNN] Cascade R-CNN: High Quality Object Detection and Instance Segmentation. June 2019. UC San Diego. Improvements to Cascade R-CNN for segmentation + Implementations
- Double-Head RCNN: Rethinking Classification and Localization for Object Detection. May 2019. Northeastern University, Microsoft
- Rethinking the Usage of Batch Normalization and Dropout in the Training of Deep Neural Networks. May 2019. Tencent, CUHK, Nankai University
- Searching for MobileNetV3. May 2019. Google, Google Brain. Quoc V Le. [HighPri]
- Challenges of Real-World Reinforcement Learning. Apr 2019. ICML 2019. Google Brain, DeepMind. [HighPri]
- Language Models with Transformers. Apr 2019. AWS (Mu, Smola)
- Segmentations is All You Need. May 2019. Hebei University of Technology, Oxford, Hunan Agricultural University, SnowCloud.ai. "We propose a new paradigm of the detection task that is anchor-box free and NMS free" "as the basis of RPN, NMS cannot solve the problem of low recall in complicated occlusion situation". COCO AP slightly worse than Cascade R-CNN, improved AR.
- THE LOTTERY TICKET HYPOTHESIS: FINDING SPARSE, TRAINABLE NEURAL NETWORKS. Mar 2019. ICLR 2019 Best Paper. MIT CSAIL.
- Billion-scale semi-supervised learning for image classification. May 2019. Facebook AI. "one billion unlabelled images, our learned vanilla ResNet-50 achieves 81.2% top-1 accuracy on Imagenet benchmark."
- VoVNet: An Energy and GPU-Computation Efficient Backbone Network for Real-Time Object Detection. Apr 2019. ETRI
- Gradio: Hassle-Free Sharing and Testing of ML Models in the Wild. June 2019. Stanford, Gradio Inc. 2019 ICML Workshop on Human in the Loop Learning. "we developed an open-source Python package, Gradio, which allows researchers to rapidly generate a visual interface for their ML models. Gradio makes accessing any ML model as easy as sharing a URL". Makes it easier to work with non-ML domain experts.
- OCC: A Smart Reply System for E�icient In-App Communications. July 2019. Uber. OCC=one-click-chat
- Speeding up Deep Learning with Transient Servers. Feb 2019. WPI, Chinese Academy of Sciences
- Libra R-CNN: Towards Balanced Learning for Object Detection. Apr 2019. Zhejiang University, The Chinese University of Hong Kong, SenseTime Research, The University of Sydney
- Scalable Deep Learning on Distributed Infrastructures: Challenges, Techniques and Tools. Mar 2019. Technical University of Munich
- TensorFlow Eager: A Multi-Stage, Python-Embedded DSL for Machine Learning. Feb 2019. Google Brain
- Large Memory Layers with Product Keys. July 2019. FAIR.
- RetinaMask: Learning to predict masks improves state-of-the-art single-shot detection for free. Jan 2019. UNC Chapel Hill.
- Optimal Algorithms for Non-Smooth Distributed Optimization in Networks. NeurIPS 2018 best paper
- SimpleDet: A Simple and Versatile Distributed Framework for Object Detection and Instance Recognition. Mar 2019. MXNet (w/ extra C++ ops) object detection development framework.
- ADAPTIVE COMMUNICATION STRATEGIES TO ACHIEVE THE BEST ERROR-RUNTIME TRADE-OFF IN LOCAL-UPDATE SGD. Mar 2019. SysML. CMU
- Real time backbone for semantic segmentation. Mar 2019.
- IVANET: LEARNING TO JOINTLY DETECT AND SEGMENT OBJETS WITH THE HELP OF LOCAL TOP-DOWN MODULES. Mar 2019. Northeastern University (of Shenyang, Liaoning province, China)
- In Defense of Pre-trained ImageNet Architectures for Real-time Semantic Segmentation of Road-driving Images. Mar 2019. University of Zagreb
- TICTAC: ACCELERATING DISTRIBUTED DEEP LEARNING WITH COMMUNICATION SCHEDULING. Mar 2018. SysML 2019. University of Illinois at UrbanaChampaign
- BLUECONNECT: DECOMPOSING ALL-REDUCE FOR DEEP LEARNING ON HETEROGENEOUS NETWORK HIERARCHY. SysML 2019. IBM
- Bandana: Using Non-volatile Memory for Storing Deep Learning Models. Nov 2018. SysML 2019. Stanford + Facebook
- Mini-batch Serialization: CNN Training with Inter-layer Data Reuse. Sep 2018. SysML 2019. UT Austin + UMich + Duke
- Spiking-YOLO: Spiking Neural Network for Real-time Object Detection. Mar 2019. Seoul National University
- Fast Interactive Object Annotation with Curve-GCN. Mar 2019. University of Toronto + Vector Institute + NVIDIA
- LaserNet: An Efficient Probabilistic 3D Object Detector for Autonomous Driving. Mar 2019. Uber ATG
- [CapsuleNet] Dynamic Routing Between Capsules. Nov 2017. Google Brain. (Hinton)
- A Multi-Horizon Quantile Recurrent Forecaster. June 2018. Amazon Forecasting
- DFANet: Deep Feature Aggregation for Real-Time Semantic Segmentation, April 2019. Megvii. Good speed/accuracy balance
- ShapeMask: Learning to Segment Novel Objects by Refining Shape Priors. Apr 2019. UC Berkeley, Google Brain
- High-level Semantic Feature Detection: A New Perspective for Pedestrian Detection. Apr 2019. ATR, College of Electronic Science, National University of Defense Technology, Changsha, China, CBSR & NLPR, Institute of Automation, Chinese Academy of Sciences, Beijing, China, Inception Institute of Artificial Intelligence (IIAI), Abu Dhabi, UAE, Horizon Robotics Inc., Beijing ,China
- Modeling Vocabulary for Big Code Machine Learning. Apr 2019. Free University of Bozen-Bolzano
- Res2Net: A New Multi-scale Backbone Architecture. Apr 2019. Nankai University, UC Merced, Oxford University
- Exploring Randomly Wired Neural Networks for Image Recognition. Apr 2019. FAIR (Ross Girshick, Kaiming He)
- YOLACT Real-time Instance Segmentation. Apr 2019. University of California, Davis
- FoveaBox: Beyond Anchor-based Object Detector. Apr 2019. Tsinghua University, ByteDance AI Lab, University of Pennsylvania
- ThunderNet: Towards Real-time Generic Object Detection. Mar 2019. National University of Defense Technology, Megvii Inc. (Face++)
- FCOS: Fully Convolutional One-Stage Object Detection. Apr 2019. The University of Adelaide
- Spatiotemporal CNN for Video Object Segmentation. Apr 2019. UCAS, JD Digits, CAS
- FastFCN: Rethinking Dilated Convolution in the Backbone for Semantic Segmentation. Mar 2019. Chinese Academy of Sciences, Deepwise AI Lab
- Accelerated Neural Networks on OpenCL Devices Using SYCL-DNN. Apr 2019. Codeplay Software
- LEARNING TO REPRESENT EDITS. ICLR 2019. CMU + Microsoft
- A CLOSER LOOK AT DEEP LEARNING HEURISTICS: LEARNING RATE RESTARTS, WARMUP AND DISTILLATION. ICLR 2019. Salesforce Research
- Similarity of Neural Network Representations Revisited. ICML 2019. May 2019. Google Brain. Geoffrey Hinton.
- The What-If Tool: Interactive Probing of Machine Learning Models. July 2019. Google AI.
- GluonCV and GluonNLP: Deep Learning in Computer Vision and Natural Language Processing. July 2019. UMichigan, Amazon, Hong Kong University of Science and Technology
- Stacked Capsule Autoencoders. June 2019. Oxford, Google Brain, DeepMind. Geoffrey Hinton.
- Network Deconvolution. June 2019. UMaryland. (Remove pixel-wise and channel-wise correlation. Better convergence, no batch norm)
- [GROVER] Defending Against Neural Fake News. May 2019. UWashington, Allen Institute for AI.
- Is Attention Interpretable?. June 2019. UWashington, Allen Institute for AI.
- Does Object Recognition Work for Everyone?. June 2019. FAIR.
- Text-based Editing of Talking-head Video. June 2019. Stanford, Max Planck Institute for Informatics, Princeton, Adobe.
- CVPR19 Tracking and Detection Challenge: How crowded can it get?. June 2019. TUM Munich, University of Adelaide, ETH Zurich
- Detecting Kissing Scenes in a Database of Hollywood Films. June 2019. Stanford
- Explainability Techniques for Graph Convolutional Networks. May 2019. ICML 2019. KTH (Royal Institute of Technology), Stockholm, Sweden
- Self Organizing Supply Chains for Micro-Prediction: Present and Future uses of the ROAR Protocol. ICML 2019. JP Morgan Chase
- Bag of Tricks for Image Classification with Convolutional Neural Networks. Dec 2018. AWS. Mu [HighPri]
- ESNet: An Efficient Symmetric Network for Real-time Semantic Segmentation. June 2019. National Engineering Research Center of Communications and Networking, Nanjing, University of Posts and Telecommunications, Nanjing. "state-of-the-art results in terms of speed and accuracy trade-off for realtime semantic segmentation on CityScapes dataset."
- Gradient Noise Convolution (GNC): Smoothing Loss Function for Distributed Large-Batch SGD. June 2019. Toshiba, The University of Tokyo, RIKEN
- Learning Data Augmentation Strategies for Object Detection. June 2019. Google Brain
- SocialGCN: An Efficient Graph Convolutional Network based Model for Social Recommendation. July 2019. Hefei University of Technology, Missouri University of Science and Technology, Microsoft Research Asia.
- Time2Vec: Learning a Vector Representation of Time. July 2019. Borealis AI
- Unsupervised Data Augmentation. Apr 2019. Google Brain, CMU. "on the IMDb text classification dataset, with only 20 labeled examples, UDA outperforms the state-of-the-art model trained on 25,000 labeled examples". Quoc V. Le [HighPri]
- Attention Augmented Convolutional Networks. Apr 2019. Google Brain. Quoc V Le. "Attention Augmentation leads to consistent improvements in image classification on ImageNet and object detection on COCO across many different models and scales" [HighPri]
- MixMatch: A Holistic Approach to Semi-Supervised Learning. May 2019. Google. Ian Goodfellow. [HighPri]
- Single Image Portrait Relighting. May 2019. UC San Diego, Google
- Seamless Scene Segmentation. May 2019. Mapilllary. State-of-the-art results on Cityscapes, Indian Driving Dataset and Mapillary Vistas
- Graph Matching Networks for Learning the Similarity of Graph Structured Objects. May 2019. ICML 2019. DeepMind, Google [HighPri]
- HAR-Net: Joint Learning of Hybrid Attention for Single-stage Object Detection. Apr 2019. Tsinghua University
- Gated-SCNN: Gated Shape CNNs for Semantic Segmentation. July 2019. NVIDIA, University of Waterloo, University of Toronto, Vector Institute
- Multi-Class Lane Semantic Segmentation using Efficient Convolutional Networks. July 2019. National Chiao Tung University, Industrial Technology Research Institute (Taiwan)
- Visualizing the Invisible: Occluded Vehicle Segmentation and Recovery. July 2019. Unknown affiliation
- DetectFusion: Detecting and Segmenting Both Known and Unknown Dynamic Objects in Real-time SLAM. July 2019. Keio University, Graz University of Technology, VRVis Research Center
- MixNet: Mixed Depthwise Convolutional Kernels. July 2019. Google Brain. Quoc V Le. [HighPri]
- SlimYOLOv3: Narrower, Faster and Better for Real-Time UAV Applications. July 2019. Beijing Institute of Technology
- Importance-Aware Semantic Segmentation with Efficient Pyramidal Context Network for Navigational Assistant Systems. July 2019. Zhejiang University
- Cross-Domain Car Detection Using Unsupervised Image-to-Image Translation: From Day to Night. July 2019. Universidade Federal do Esp´ırito Santo, Instituto Federal do Esp´ırito Santo, University of Trento
- Enabling Robots to Understand Incomplete Natural Language Instructions Using Commonsense Reasoning. Apr 2019. University of North Carolina at Chapel Hill
- Benchmarking Robustness in Object Detection: Autonomous Driving when Winter is Coming. July 2019. University of Tubingen, International Max Planck Research School for Intelligent Systems
- Harvesting Information from Captions for Weakly Supervised Semantic Segmentation. May 2019. University of Bonn. [HighPri]
- NeurAll: Towards a Unified Visual Perception Model for Automated Driving. July 2019. Valeo Vision Systems, UMich-Dearborn
- Lane Detection and Classification using Cascaded CNNs. July 2019. University of Bologna, University of Parma, Universidad Carlos III de Madrid
- An Adaptive Approach for Anomaly Detector Selection and Fine-Tuning in Time Series. July 2019. Alibaba. [HighPri]
- FOSNet: An End-to-End Trainable Deep Neural Network for Scene Recognition. July 2019. Yonsei University (Seoul). "Scene recognition is an image recognition problem aimed at predicting the category of the place at which the image is taken"
- CROSS ATTENTION NETWORK FOR SEMANTIC SEGMENTATION. July 2019. The University of Manchester
- ET-Net: A Generic Edge-aTtention Guidance Network for Medical Image Segmentation. July 2019. Tianjin University, Inception Institute of Artificial Intelligence
- DNNVM : END-TO-END COMPILER LEVERAGING HETEROGENEOUS OPTIMIZATIONS ON FPGA-BASED CNN ACCELERATORS. July 2019. Xilinx (Beijing), Tsinghua University
- [ODENet] Neural Ordinary Differential Equations. NeurIPS 2018 best paper, time-series.
- AlphaStar. DeepMind. Starcraft II RL agent that reaches ~95% percentile of human players.
- Deformable Convolutional Networks. June 2017
- Deformable ConvNets v2: More Deformable, Better Results. Nov 2018
- R-FCN: Object Detection via Region-based Fully Convolutional Networks. May 2016. Object detection
- [PANet] Path Aggregation Network for Instance Segmentation . March 2018. FPN top-down path + new bottom-up path. [Referenced from HTC paper literature review]
- DeNet: Scalable Real-time Object Detection with Directed Sparse Sampling. object detection is estimating a very large but extremely sparse bounding box dependent probability distribution
- A Structured Model For Action Detection. Feb 2019. CMU, Google. SotA on AVA dataset (according to abstract.)
- Lingvo: a Modular and Scalable Framework for Sequence-to-Sequence Modeling. Feb 2019. Google (presumably). https://github.com/tensorflow/lingvo
- FIXUP INITIALIZATION: RESIDUAL LEARNING WITHOUT NORMALIZATION. Jan 2019. Work done at Facebook.
- Temporal Shift Module for Efficient Video Understanding. Nov 2018. MIT
- [PlanNet] Learning Latent Dynamics for Planning from Pixels (blog). Google. A Deep Planning Network for Reinforcement Learning
- [NASNet] Learning Transferable Architectures for Scalable Image Recognition (blog). Google Brain. July 2017.
- Training Deep Neural Networks with 8-bit Floating Point Numbers. IBM Watson. December 2018
- LAG: Lazily Aggregated Gradient for Communication-Efficient Distributed Learning. NeurIPs 2018
- GradiVeQ: Vector Quantization for Bandwidth-Efficient Gradient Aggregation in Distributed CNN Training. NeurIPs 2018
- Large-Scale Study of Curiosity-Driven Learning. OpenAI
- You May Not Need Attention
- Human-level performance in first-person multiplayer games with population-based deep reinforcement learning (blog). Jul 2018. Have agents play each other
- CRAFT: Complementary Recommendations Using Adversarial Feature Transformer. Amazon.com. April 2018.
- SSD: Single Shot MultiBox Detector. Dec 2015
- FEDERATED LEARNING FOR MOBILE KEYBOARD PREDICTION. Feb 2019. Google.
- ConvNet Architecture Search for Spatiotemporal Feature Learning. Aug 2017. FB + Columbia
- Rethinking Spatiotemporal Feature Learning: Speed-Accuracy Trade-offs in Video Classification July 2018. Google + UCSD
- 50 Years of Test (Un)fairness: Lessons for Machine Learning. Dec 2018. Google
- GS3D: An Efficient 3D Object Detection Framework for Autonomous Driving. Mar 2019. CUHK + SenseTime + University Sydney + Beihang University
- nuScenes: A multimodal dataset for autonomous driving. Mar 2019. nuTonomy
- Large-scale interactive object segmentation with human annotators. Mar 2019. Google
- Compressed Video Action Recognition. Dec 2017. CVPR 2018. UT Austin + Amazon + A9 + USC + CMU
- DetNet: A Backbone network for Object Detection. April 2018
- [ResNeXt] Aggregated Residual Transformations for Deep Neural Networks. Nov 2016.
- [LASER] Massively Multilingual Sentence Embeddings for Zero-Shot Cross-Lingual Transfer and Beyond (blog). Dec 2018.
- U-Net: Convolutional Networks for Biomedical Image Segmentation. May 2015
- [MVCNN] Multi-view Convolutional Neural Networks for 3D Shape Recognition. May 2015
- CondenseNet: An Efficient DenseNet using Learned Group Convolutions. FAIR, CVPR 2018
- Deep Spatio-Temporal Random Fields for Efficient Video Segmentation. FAIR, CVPR 2018
- Detail-Preserving Pooling in Deep Networks. FAIR, CVPR 2018
- Detect-and-Track: Efficient Pose Estimation in Videos. FAIR, CVPR 2018
- Detecting and Recognizing Human-Object Interactions. FAIR, CVPR 2018
- LAMV: Learning to align and match videos with kernelized temporal layers. FAIR, CVPR 2018
- Learning to Segment Every Thing. FAIR, CVPR 2018
- Revisiting Self-Supervised Visual Representation Learning. Google Brain
- Self-Driving Cars: A Survey
- Non-delusional Q-learning and Value Iteration. NeurIPS 2018 best paper
- Learning Unsupervised Learning Rules. Google Brain, meta-learning, mid 2018
- Spherical CNNs. ICLR 2018 Best Paper
- Continuous Adaptation Via Meta-Learing In Nonstationary And Competitive Environments. ICLR 2018 Best Paper
- On the Convergence of Adam and Beyond . ICLR 2018 Best Paper
- GLUE: A Multi-Task Benchmark and Analysis Platform for Natural Language Understanding
- [DecaNLP] The Natural Language Decathlon: Multitask Learning as Question Answering. Benchmark task
- [ELMo] Deep contextualized word representations. Mar 2018 SotA (pre BERT). Minimal benchmark overlap with GPT.
- Universal Transformers. July 2018
- [MS-CNN] A Unified Multi-scale Deep Convolutional Neural Network for Fast Object Detection. Multi-scale object detection. FPN related?
- [AttractioNet] Attend Refine Repeat: Active Box Proposal Generation via In-Out Localization. Multi-stage procedure for generating accurate object proposals. Attend-and-refine module to update bounding box locations iteratively. [References from HTC paper literature review]
- CRAFT Objects from Images. Incorporates cascade structure into RPN. [References from HTC paper literature review]
- A Comprehensive Survey of Deep Learning for Image Captioning
- [Instance-FCN] Instance-sensitive Fully Convolutional Networks. Detection based, instance segmentation. [References from HTC paper literature review]
- [MNC] Instance-aware Semantic Segmentation via Multi-task Network Cascades Dec 2015. Detection based, instance segmentation. Three subtasks (instance localization, mask prediction, object categorization) trained in cascade manner [References from HTC paper literature review]
- [FCIS] Fully Convolutional Instance-aware Semantic Segmentation Nov 2016. Detection based, instance segmentation. Extends InstanceFCN. Fully convolutional [References from HTC paper literature review]
- MaskLab, DeepMask, SharpMask (detection based, instance segmentation) [References from HTC paper literature review]
- Multi-region CNN (iteratize localization mechanism that alternates between box scoring and location refinement) [References from HTC paper literature review]
- IoUNet (performs progressive bounding box refinement, even though not presenting a cascade structure explicitly) [References from HTC paper literature review]
- CC-Net (rejects easy RoIs at shallow layers) [References from HTC paper literature review]
- A convolutional neural network cascade for face detection (proposes to operate at multiple resolutions to reject simple samples) [Referenced from HTC paper literature review]
- COCO-Stuff: Thing and Stuff Classes in Context. COCO dataset augmentation with pixelwise stuff annotations. Things are classes like 'cars', 'bikes'. Stuff is :'sky', 'grass'.
- Atrous Spatial Pyramid Pooling (ASPP)
- Global Convolutional Network (GCN)
- SoftNMS
- [A3C] Asynchronous Methods for Deep Reinforcement Learning DeepMind. RL.
- D4PG (RL)
- StarCraft AI Competitions, Bots and Tournament Manager Software
- StarCraft II: A New Challenge for Reinforcement Learning. The Starcraft II learning environment
- Deep reinforcement learning with relational inductive biases. DeepMind. ICLR 2019. Starcraft II minigame SotA.
- Counterfactual Multi-Agent Policy Gradients. Mid-late 2017
- A Unified Game-Theoretic Approach to Multiagent Reinforcement Learning. DeepMind. Nov 2017
- IMPALA: Scalable Distributed Deep-RL with Importance Weighted Actor-Learner Architectures. DeepMind. Feb 2018.
- Self-Imitation Learning. RL. Google Brain. June 2018. "a simple off-policy actor-critic algorithm"
- Generative Adversarial Self-Imitation Learning Dec 2018. Google Brain
- POLICY DISTILLATION. DeepMind. Jan 2016.
- Re-evaluating Evaluation. DeepMind. NeurIPS 2018. RL.
- AlphaZero (blog). Chess, self-playing
- AlphaFold (blog)
- Deep Object-Centric Policies for Autonomous Driving. Mar 2019. UC Berkeley
- Accelerating Self-Play Learning in Go. Mar 2019. Jane Street
- Representation Flow for Action Recognition. Mar 2019, Indiana University. Abstract claim advantage in computational speed and 'performance'
- Multimodal Trajectory Predictions for Autonomous Driving using Deep Convolutional Networks. Mar 2019. Uber ATG
- Continuous Integration of Machine Learning Models with ease.ml/ci: Towards a Rigorous Yet Practical Treatment. Mar 2019. Many authors: ETH Zurich, Alibaba Group, Huawei Technologies, Modulos AG, Microsoft Research
- RESTRUCTURING BATCH NORMALIZATION TO ACCELERATE CNN TRAINING. Mar 2019. Seoul National University and Samsung. SysML
- Characterizing Activity on the Deep and Dark Web. Mar 2019. USC, Georgia Tech. Interesting data set.
- Video Extrapolation with an Invertible Linear Embedding. Mar 2019. BYU. Predict future video frames.
- Video Summarization via Actionness Ranking. Mar 2019. University of Central Florida, Center for Research in Computer Vision (CRCV).
- Actor and Action Video Segmentation from a Sentence. Mar 2018. University of Amsterdam
- Diagnosing Bottlenecks in Deep Q-learning Algorithms. Feb 2019. UC Berkeley
- BERT for Joint Intent Classification and Slot Filling. Feb 2019. Alibaba.
- Efficient Video Classification Using Fewer Frames. Feb 2019. Indian Institute of Technology Madras, NVIDIA Bangalore
- An End-to-End Network for Panoptic Segmentation. Mar 2019. Zhejiang University, Megvii. 'Promising results' on COCO Panoptic
- Two-Stream Oriented Video Super-Resolution for Action Recognition. Mar 2019. University of Science and Technology of China
- Deep learning for time series classification: a review. Mar 2019.
- Learning Correspondence from the Cycle-consistency of Time. Mar 2019. CMU + UC-Berkeley "We introduce a self-supervised method for learning visual correspondence from unlabeled video"
- Scaling Human Activity Recognition to edge devices. Mar 2019. UCSD. Looks at I3D and TSM
- Understanding the Limitations of CNN-based Absolute Camera Pose Regression. Mar 2019. Chalmers University of Technology, TU Munich, ETH Zurich, Microsoft
- Cloze-driven Pretraining of Self-attention Networks. Mar 2019. FAIR. "We present a new approach for pretraining a bi-directional transformer model that provides significant performance gains across a variety of language understanding problems"
- PipeDream: Fast and Efficient Pipeline Parallel DNN Training. June 2018. Microsoft Research + Carnegie Mellon University + Stanford University
- 3LC: Lightweight and Effective Traffic Compression for Distributed Machine Learning. Feb 2018. SysML 2019. CMU + Intel
- CATDET: CASCADED TRACKED DETECTOR FOR EFFICIENT OBJECT DETECTION FROM VIDEO. Sep 2018. SysML 2019. Stanford + NVIDIA
- AdaScale: Towards Real-time Video Object Detection Using Adaptive Scaling. Feb 2019. SysML 2019. CMU
- DATA VALIDATION FOR MACHINE LEARNING. SysML 2019. Google + KAIST
- KERNEL MACHINES THAT ADAPT TO GPUS FOR EFFECTIVE LARGE BATCH TRAINING. June 2018. SysML 2019. Ohio State
- Looking Fast and Slow: Memory-Guided Mobile Video Object Detection. Mar 2019. Cornell + Google
- Adversarial Joint Image and Pose Distribution Learning for Camera Pose Regression and Refinement. Mar 2019. Technical University of Munich + Siemens AG + Johns Hopkins University
- Few-Shot Learning-Based Human Activity Recognition. Mar 2019. UMass Amherst
- BLVD: Building A Large-scale 5D Semantics Benchmark for Autonomous Driving. Mar 2019. Xian Jiaotong University + Chang’an University
- Activation Analysis of a Byte-Based Deep Neural Network for Malware Classification. Mar 2019. FireEye
- ShapeShifter: Robust Physical Adversarial Attack on Faster R-CNN Object Detector. Sep 2018. Georgia Tech + Intel
- Lipstick on a Pig: Debiasing Methods Cover up Systematic Gender Biases in Word Embeddings But do not Remove Them. Mar 2019. Bar-Ilan University + Allen Institute for Artificial Intelligence
- Reducing the dilution: An analysis of the information sensitiveness of capsule network with a practical solution. Mar 2019. hust.edu.cn
- Self-Supervised Learning via Conditional Motion Propagation. Mar 2019. CUHK - SenseTime Joint Lab, Nanyang Technological University
- Deep Learning based Pedestrian Detection at Distance in Smart Cities. Northumbria University + Imam Mohammed ibn Saud Islamic University + Lancaster
- Hearing your touch: A new acoustic side channel on smartphones. Mar 2019. Soundwaves from tapping can be used to determine values being typed
- Simple Applications of BERT for Ad Hoc Document Retrieval. Mar 2019. University of Waterloo
- All You Need is a Few Shifts: Designing Efficient Convolutional Neural Networks for Image Classification. Mar 2019. Hikvision Research Institute
- [FE-Net] Progressive Sparse Local Attention for Video Object Detection. Mar 2019. NLPR,CASIA + Horizon Robotics
- [OANet] An End-to-End Network for Panoptic Segmentation. Mar 2019. Zhejiang University + Megvii Inc. (Face++) + Huazhong University of Science and Technology + Peking University + The University of Tokyo
- Fence GAN: Towards Better Anomaly Detection. April 2019.
- Distilling Task-Specific Knowledge from BERT into Simple Neural Networks. Mar 2019. UWaterloo
- FVNet: 3D Front-View Proposal Generation for Real-Time Object Detection from Point Clouds. Mar 2019. Shanghai Jiao Tong University, Deakin University + Youtu Lab, Tencent
- Robust Neural Networks using Randomized Adversarial Training. Mar 2019. PSL, Universite Paris-Dauphine, Wavestone 3CEA, Universite Paris-Saclay, Facebook AI Research
- Dynamics of Pedestrian Crossing Decisions Based on Vehicle Trajectories in Large-Scale Simulated and Real-World Data. Apr 2019. MIT, Toyota Collaborative Safety Research Center
- ASAP: Architecture Search, Anneal and Prune. Apr 2019. DAMO Academy, Alibaba Group, School of Electrical Engineering, Tel-Aviv University Tel-Aviv, Israel
- Training Quantized Network with Auxiliary Gradient Module. Mar 2019. The University of Adelaide, Australia, Australian Centre for Robotic Vision, South China University of Technology, China
- ShopSign: a Diverse Scene Text Dataset of Chinese Shop Signs in Street Views. Mar 2019. North China University of Water, Henan University, South China University of Technology
- MetaPruning: Meta Learning for Automatic Neural Network Channel Pruning. Apr 2019. Hong Kong University of Science and Technology, Tsinghua University, Megvii Inc (Face++), Huazhong University of Science and Technology
- Meta Filter Pruning to Accelerate Deep Convolutional Neural Networks. Apr 2019. CAI, University of Technology Sydney, JD.com
- FLightNNs: Lightweight Quantized Deep Neural Networks for Fast and Accurate Inference. Apr 2019. CMU
- A Systematic Literature Review about the impact of Artificial Intelligence on Autonomous Vehicle Safety. Early 2019. Ericsson, Safety Analysis Group from Polytechnic School of University of São Paulo,
- UU-Nets Connecting Discriminator and Generator for Image to Image Translation. Apr 2019. National University of Singapore
- On Direct Distribution Matching for Adapting Segmentation Networks. Apr 2019. CentraleSupelec-CNRS-Universite Paris Sud, ETS, Montreal Institute for Learning Algorithms (Mila), Universite de Montreal
- Signal-to-Noise Ratio: A Robust Distance Metric for Deep Metric Learning. Apr 2019. Beijing University of Posts and Telecommunications, 2AI Labs (Didi Chuxing), Syracuse University
- White-to-Black: Efficient Distillation of Black-Box Adversarial Attacks. Apr 2019. Tel-Aviv University, Allen Institute for Artificial Intelligence
- Patchwork: A Patch-wise Attention Network for Efficient Object Detection and Segmentation in Video Streams. Apr 2019. Google
- Boosting segmentation with weak supervision from image-to-image translation. Apr 2019. Ecole Polytechnique de Montreal, Mila, NVIDIA
- Habitat: A Platform for Embodied AI Research. Apr 2019. Facebook AI Research, Facebook Reality Labs, Georgia Institute of Technology, Simon Fraser University, Intel Labs, UC Berkeley
- Video Object Segmentation using Space-Time Memory Networks. Apr 2019. Yonsei University, Adobe Research
- BENCHMARKING NEURAL NETWORK ROBUSTNESS TO COMMON CORRUPTIONS AND PERTURBATIONS. Mar 2019. UC Berkeley, Oregon State University.
- SpecAugment: A Simple Data Augmentation Method for Automatic Speech Recognition. Apr 2019. Google Brain
- Image2StyleGAN: How to Embed Images Into the StyleGAN Latent Space?. Apr 2019. KAUST
- DADA: Depth-aware Domain Adaptation in Semantic Segmentation. Apr 2019. valeo.ai, Sorbonne University
- HoloGAN: Unsupervised learning of 3D representations from natural images. Apr 2019. University of Bath, Lambda Labs, Twitter
- Cascade Feature Aggregation for Human Pose Estimation. Apr 2019. Ping An Technology
- Show, Attend and Translate: Unpaired Multi-Domain Image-to-Image Translation with Visual Attention. Apr 2019. Shanghai Jiao Tong University
- Referring to Objects in Videos using Spatio-Temporal Identifying Descriptions. Apr 2019. UMaryland
- TensorMask: A Foundation for Dense Object Segmentation. Mar 2019. FAIR
- T-Net: Parametrizing Fully Convolutional Nets with a Single High-Order Tensor. Apr 2019. Samsung AI Center,
- Fine-tune BERT for Extractive Summarization. Mar 2019. University of Edinburgh
- Fast video object segmentation with Spatio-Temporal GANs. Mar 2019. ETH Zurich, CSIC-UPC
- A CLOSER LOOK AT FEW-SHOT CLASSIFICATION. Apr 2019. CMU, GeorgiaTech, National Taiwan University, Virginia Tech. ICLR 2019
- Relational Action Forecasting. Apr 2019. Google Research, UMaryland
- DPOD: 6D Pose Object Detector and Refiner. Apr 2019. Technical University of Munich, Siemens Corporate Technology
- Memory In Memory: A Predictive Neural Network for Learning Higher-Order Non-Stationarity from Spatiotemporal Dynamics. Apr 2019. Tsinghua University
- Unsupervised learning of action classes with continuous temporal embedding. Apr 2019. University of Bonn, MIT-IBM Watson Lab
- Accurate Monocular 3D Object Detection via Color-Embedded 3D Reconstruction for Autonomous Driving. Apr 2019. Dalian University of Technology, The University of Sydney
- Video Relationship Reasoning using Gated Spatio-Temporal Energy Graph. Mar 2019. Carnegie Mellon University, Allen Institute for AI, University of Washington. CVPR 2019?
- Dense Intrinsic Appearance Flow for Human Pose Transfer. Mar 2019. CUHK-SenseTime Joint Lab, The Chinese University of Hong Kong, Robotics Institute, Carnegie Mellon University, Nanyang Technological University
- MOTS: Multi-Object Tracking and Segmentation. Apr 2019. RWTH Aachen University, MPI for Intelligent Systems and University of Tubingen
- Learning GAN fingerprints towards Image Attribution. University of Maryland, Max Planck Institute for Informatics, CISPA Helmholtz Center for Information Security, Saarland Informatics Campus,
- Pose2Seg: Detection Free Human Instance Segmentation. Apr 2019. Tsinghua University, BNRist, Cardiff University, Tencent AI Lab
- Weakly Supervised Semantic Segmentation of Satellite Images. Apr 2019. Qwant Research
- Machine Learning for Forecasting Mid Price Movement using Limit Order Book Data. Apr 2019. Aristotle University of Thessaloniki, Tampere University of Technology, Aarhus University
- Kervolutional Neural Networks. Apr 2019. Nanyang Technological University, State University of New York at Buffalo
- A Generative Map for Image-based Camera Localization. Apr 2019. fortiss GmbH, Technical University of Munich
- Generalized Intersection over Union: A Metric and A Loss for Bounding Box Regression. Apr 2019. Stanford, The University of Adelaide, Aibee Inc
- MINI-BATCH SERIALIZATION: CNN TRAINING WITH INTER-LAYER DATA REUSE. Apr 2019. The University of Texas at Austin, University of Michigan, Duke University
- LeanResNet: A Low-cost yet Effective Convolutional Residual Networks. Apr 2019. Ben Gurion University, Emory University, University of British Columbia
- Exploiting Event Log Data-Attributes in RNN Based Prediction. Apr 2019. Aalto University, University of Helsinki, QPR Software, Helsinki Institute for Information Technology
- DuBox: No-Prior Box Objection Detection via Residual Dual Scale Detectors. Apr 2019. Baidu
- Reinforcement Learning with Probabilistic Guarantees for Autonomous Driving. Apr 2019. Stanford, KTH Royal Institute of Technology, Honda Research Institute
- Scene-LSTM: A Model for Human Trajectory Prediction. Apr 2019. University of Colorado Denver
- AttoNets: Compact and Efficient Deep Neural Networks for the Edge via Human-Machine Collaborative Design. Apr 2019. University of Waterloo, Waterloo Artificial Intelligence Institute, DarwinAI Corp
- Painting on Placement: Forecasting Routing Congestion using Conditional Generative Adversarial Nets. Apr 2019. Cornell
- MorphNet: Fast & Simple Resource-Constrained Structure Learning of Deep Networks. Nov 2018. Google, MIT, GATech
- QuaterNet: A Quaternion-based Recurrent Model for Human Motion. May 2018. École Polytechnique Fédérale de Lausanne, FAIR
- Scalable Logo Recognition using Proxies. Nov 2018. Amazon
- Failing Loudly: An Empirical Study of Methods for Detecting Dataset Shift. Jan 2019. Technical University of Munich, CMU
- Security for Distributed Deep Neural Networks - Towards Data Confidentiality & Intellectual Property Protection. July 2019. SAP, University of Potsdam, City of Antibes Juan-les-Pins
- Which Algorithmic Choices Matter at Which Batch Sizes? Insights From a Noisy Quadratic Model. Jul 2019. UToronto, Vector Institute, Google Brain, DeepMind
- Multivariate Time Series Imputation with Variational Autoencoders. July 2019. ETH Zurich, UC Irvine
- A Unified Framework of Online Learning Algorithms for Training Recurrent Neural Networks. July 2019. NYU.
- Genetic Network Architecture Search. July 2019. Tel Aviv University.
- Making Study Populations Visible through Knowledge Graphs. July 2019. Rensselaer Polytechnic Institute, IBM Research
- DOB-Net: Actively Rejecting Unknown Excessive Time-Varying Disturbances. July 2019. University of Technology, Sydney
- Two-Stream Adaptive Graph Convolutional Networks for Skeleton-Based Action Recognition. July 2019. Chinese Academy of Sciences,
- MODEL DEVELOPMENT PROCESS. July 2019. Warsaw University of Technology & University of Warsaw
- Recipe1M+: A Dataset for Learning Cross-Modal Embeddings for Cooking Recipes and Food Images. July 2019. MIT, Qatar Computing Research Institute, Universitat Politecnica de Catalunya
- M3D-GAN: Multi-Modal Multi-Domain Translation with Universal Attention. July 2019. SUNY Buffalo, Microsoft
- On Designing Machine Learning Models for Malicious Network Traffic Classification. July 2019. Northeastern University
- Sparse Networks from Scratch: Faster Training without Losing Performance. July 2019. UWashington
- BAM! Born-Again Multi-Task Networks for Natural Language Understanding. July 2019, Google Brain, Stanford. Quoc V. Le
- ReQA: An Evaluation for End-to-End Answer Retrieval Models. July 2019. Google.
- Analyzing and learning the language for different types of harassment. July 2019. University of Dayton, University of Leipzig, Wright State University
- SynthCity: A large scale synthetic point cloud. July 2019. University College London
- Material Based Object Tracking in Hyperspectral Videos: Benchmark and Algorithms. July 2019. Unknown affiliation
- Label Aware Graph Convolutional Network Not All Edges Deserve Your Attention. July 2019. Unknown affiliation
- Actions Speak Louder than Goals: Valuing Player Actions in Soccer. July 2019. SciSports, KU Leuven
- Multi-Person tracking by multi-scale detection in Basketball scenarios. July 2019. Universitat Pompeu Fabra, FC Barcelona
- VIDEO ACTION RECOGNITION VIA NEURAL ARCHITECTURE SEARCHING. July 2019. University of Oulu, Xi’an Jiaotong University
- Single-Camera Basketball Tracker through Pose and Semantic Feature Fusion. July 2019. Universitat Pompeu Fabra, FC Barcelona
- Learning to Reason with Relational Video Representation for Question Answering. July 2019. Deakin University
- Multi-layer Attention Mechanism for Speech Keyword Recognition. July 2019. Sichuan University, Rutgers University
- The Role of Cooperation in Responsible AI Development. July 2019. OpenAI
- SATNet: Bridging deep learning and logical reasoning using a differentiable satisfiability solver. May 2019. ICML 2019. CMU, USC, Bosch Center for Artificial Intelligence
- Generative Adversarial Networks: A Survey and Taxonomy. June 2019. Dublin City University, Intel.
- Stand-Alone Self-Attention in Vision Models. June 2019. Google Brain.
- Practical Deep Learning with Bayesian Principles. June 2019. Tokyo Institute of Technology, University of Cambridge, Indian Institute of Technology, University of Osnabrück, RIKEN Center for AI Project
- Visualizing and Measuring the Geometry of BERT. June 2019. Google Research.
- Butterfly Transform: An Efficient FFT Based Neural Architecture Design. June 2019. UWashington, Allen Institute for AI
- What Does BERT Look At? An Analysis of BERT’s Attention. June 2019. Stanford, FAIR.
- Self-Supervised Exploration via Disagreement. June 2019. ICML 2019. UC Berkeley, CMU, FAIR
- Automated Machine Learning: State-of-The-Art and Open Challenges. June 2019. University of Tartu, Estonia
- Deep Semi-Supervised Anomaly Detection. June 2019. Technical University of Berlin, Technical University of Kaiserslautern, Singapore University of Technology & Design, b-it Bonn-Aachen, Korea University, Max Planck Institute for Informatics, University of Southern California
- Deep Reinforcement Learning for Cyber Security. June 2019. Deakin University, Harvard
- PyRobot: An Open-source Robotics Framework for Research and Benchmarking. June 2019. FAIR, CMU
- Language as an Abstraction for Hierarchical Deep Reinforcement Learning. June 2019. Google Research
- Deep ReLU Networks Have Surprisingly Few Activation Patterns. June 2019. FAIR, UPenn
- Attention Is (not) All You Need for Commonsense Reasoning. May 2019. SAP
- What Kind of Language Is Hard to Language-Model?. June 2019. Johns Hopkins University, City University of New York, Google
- DeepShift: Towards Multiplication-Less Neural Networks. June 2019. Huawei (Reduce compute required on mobile devices)
- GANALYZE: TOWARD VISUAL DEFINITIONS OF COGNITIVE IMAGE PROPERTIES. June 2019. MIT
- From Clustering to Cluster Explanations via Neural Networks. June 2019. Berlin Institute of Technology, Fraunhofer Heinrich Hertz Institute
- Graph Convolutional Transformer: Learning the Graphical Structure of Electronic Health Records. June 2019. Google, DeepMind
- Exploiting Uncertainty of Loss Landscape for Stochastic Optimization. May 2019. UToronto
- Graph Normalizing Flows. May 2019. UToronto Vector Institute, Google
- Emergence of Object Segmentation in Perturbed Generative Models. May 2019. University of Bern
- Supervised Learning in Spiking Neural Networks with Phase-Change Memory Synapses. May 2019. New Jersey Institute of Technology, IBM Research, Ecole Polytechnique Federale de Lausanne (EPFL).
- Image-based 3D Object Reconstruction: State-of-the-Art and Trends in the Deep Learning Era. June 2019. Tianjin University, University of Western Australia, Murdoch University, University of South Australia
- A Survey on Deep Learning Architectures for Image-based Depth Reconstruction. June 2019. Murdoch University
- Analyzing the Structure of Attention in a Transformer Language Model. June 2019. PARC, MIT CSAIL
- DiCENet: Dimension-wise Convolutions for Efficient Networks. June 2019. UWashington, Allen Institute for AI (AI2).
- Learning to solve the credit assignment problem. June 2019. UPenn
- Fashion Editing with Multi-scale Attention Normalization. June 2019. Sun Yat-sen University, Petuum Inc, ByteDance AI Lab
- Time Series Anomaly Detection Using Convolutional Neural Networks and Transfer Learning. May 2019. Arundo Analytics
- A Lightweight Recurrent Network for Sequence Modeling. May 2019. University of Edinburgh, University of Zurich
- Graph Neural Tangent Kernel: Fusing Graph Neural Networks with Graph Kernels. May 2019. CMU, Zhejiang University, MIT.
- Learning Navigation Subroutines by Watching Videos. May 2019. UC Berkeley, FAIR, UIUC
- Unsupervised Learning from Video with Deep Neural Embeddings. May 2019. Sanford, MIT. "We show that VIE-trained networks substantially advance the state of the art in unsupervised learning from video datastreams, both for action recognition in the Kinetics dataset, and object recognition in the ImageNet dataset."
- Show, Match and Segment: Joint Learning of Semantic Matching and Object Co-segmentation. June 2019. Academia Sinica, University of California, Merced, VA Tech
- Distilling Object Detectors with Fine-grained Feature Imitation. June 2019. National University of Singapore, Huawei Noah’s Ark Lab
- Dimensionality compression and expansion in Deep Neural Networks. June 2019. UWashington, Harvard, Université de Montréal
- Data Augmentation for Object Detection via Progressive and Selective Instance-Switching. June 2019. Harbin Institute of Technology, China, Tianjin University, China
- Hierarchical Transformers for Multi-Document Summarization. May 2019. University of Edinburgh
- CMRNet: Camera to LiDAR-Map Registration. June 2019. Universita degli Studi di Milano, Albert-Ludwigs-Universitat Freiburg
- Modeling AGI Safety Frameworks with Causal Influence Diagrams. June 2019. DeepMind
- Submodular Batch Selection for Training Deep Neural Networks. June 2019. Indian Institute of Technology Hyderabad
- A Tensorized Transformer for Language Modeling. June 2019. Tianjin University, Microsoft Research Asia, Beijing Institute of Technology
- SkyNet: A Champion Model for DAC-SDC on Low Power Object Detection. June 2019. Univ. of Illinois at Urbana-Champaign, IBM T. J. Watson Research Center, Inspirit IoT. Extremely light-weight (1.82 MB of params)
- Lifelong Learning Starting From Zero. June 2019. Chalmers University of Technology, Dynamic Topologies Sweden AB. "We present a deep neural-network model for lifelong learning inspired by several forms of neuroplasticity."
- A computational model of early language acquisition from audiovisual experiences of young infants . June 2019. Tampere University, Finland, Aalto University, Finland.
- Emotionally-Aware Chatbots: A Survey. June 2019. University of Turin
- Follow the Attention: Combining Partial Pose and Object Motion for Fine-Grained Action Detection. June 2019. The University of Adelaide
- A Framework for Evaluating Agricultural Ontologies. May 2019. Tel-Aviv University, Ben Gurion University of the Negev
- SwiftNet: Using Graph Propagation as Meta-knowledge to Search Highly Representative Neural Architectures. June 2019. Duke, Qualcomm AI Research, University of Nevada
- Norm-Preservation: Why Residual Networks Can Become Extremely Deep?. June 2019. UCF
- Entropy-based Dynamic Time Warping Similarity Measures for Financial Time Series Analysis. June 2019. Central University of Finance and Economics, Beijing, Southern University of Science and Technology, Guangzhou, Hefei University, University of York.
- Active Learning Solution on Distributed Edge Computing. June 2019. Technical University of Denmark.
- Learning Fair and Transferable Representations. June 2019. Universitá di Pisa, AWS, Istituto Italiano di Tecnologia, UCL
- On Multi-Agent Learning in Team Sports Games. June 2019. ICML 2019. EA Sports
- Age and gender bias in pedestrian detection algorithms. June 2019. Oxford
- The PhotoBook Dataset: Building Common Ground through Visually-Grounded Dialogue. June 2019. University of Amsterdam, Tilburg University
- Canonicalizing Knowledge Base Literals. June 2019. Oxford, The Alan Turing Institute, University of Oslo
- On the Coherence of Fake News Articles. June 2019. University Institute of Engineering and Technology, Chandigarh, India, Queen’s University Belfast, University of Calicut.
- Instance Segmentation by Jointly Optimizing Spatial Embeddings and Clustering Bandwidth. June 2019. KU Leuven.
- Privacy Preserving QoE Modeling using Collaborative Learning. June 2019. Ericsson Research, Blekinge Inst. of Tech.
- Sharing Attention Weights for Fast Transformer. June 2019. Northeastern University, Shenyang, China, NiuTrans Co., Kunming University of Science and Technology, CAS, Beijing.
- GAN-Knowledge Distillation for one-stage Object Detection. June 2019. Startdt AI Lab, Zeusee Technology.
- End-to-End 3D-PointCloud Semantic Segmentation for Autonomous Driving. June 2019. Valeo
- Autonomous Exploration, Reconstruction, and Surveillance of 3D Environments Aided by Deep Learning. June 2019. UT Austin
- Does Learning Require Memorization? A Short Tale about a Long Tail. June 2019. Google Brain.
- BAYHENN: Combining Bayesian Deep Learning and Homomorphic Encryption for Secure DNN Inference. June 2019. Peking University, Ant Financial Services Group
- Small Data Challenges in Big Data Era: A Survey of Recent Progress on Unsupervised and Semi-Supervised Methods. March 2019. Laboratory for MAchine Perception and LEarning (MAPLE lab), Huawei Cloud, University of Rochester.
- Human-Guided Learning of Column Networks: Augmenting Deep Learning with Advice. Apr 2019. UT Dallas
- Improving interactive reinforcement learning: What makes a good teacher?. Apr 2019. University of Hamburg, Universidad Central de Chile, Osaka University
- Optimized Skeleton-based Action Recognition via Sparsified Graph Regression. Apr 2019. Peking University
- From Bilingual to Multilingual Neural Machine Translation by Incremental Training. July 2019. Universitat Politecnica de Catalunya
- Meet Up! A Corpus of Joint Activity Dialogues in a Visual Environment. July 2019. University of Potsdam, Bielefeld University
- A Two-Stage Method for Text Line Detection in Historical Documents. July 2019. University of Rostock
- Wasserstein-Fisher-Rao Document Distance. July 2019. Tsinghua University
- BlazeFace: Sub-millisecond Neural Face Detection on Mobile GPUs. July 2019. Google Research
- Making AI Forget You: Data Deletion in Machine Learning. July 2019. Stanford.
- Semi-supervised Feature-Level Attribute Manipulation for Fashion Image Retrieval, July 2019. Search Solutions Inc. (Korea), Naver Corp. (Korea)
- Two-stream Spatiotemporal Feature for Video QA Task. July 2019. Unknown affiliation
- Object Detection in Video with Spatial-temporal Context Aggregation. July 2019. Huazhong University of Science and Technology, Horizon Robotics
- GraphSAINT: Graph Sampling Based Inductive Learning Method. July 2019. USC, US Army Research Lab-West
- Massively Multilingual Neural Machine Translation in the Wild: Findings and Challenges. July 2019. Google AI
- Privileged Features Distillation for E-Commerce Recommendations. July 2019. Alibaba
- Language Modeling with Deep Transformers. July 2019. RWTH Aachen University, AppTek GmbH
- On-field player workload exposure and knee injury risk monitoring via deep learning. July 2019. The University of Western Australia, Griffith University, Auckland University of Technology
- Weakly Supervised Person Re-ID: Differentiable Graphical Learning and A New Benchmark. July 2019. Sun Yat-sen University, Guangzhou.
- Learning to learn with quantum neural networks via classical neural networks. July 2019. Google, University of Waterloo, UMich.
- Incrementalizing RASA’s Open-Source Natural Language Understanding Pipeline. July 2019. Boise State University.
- Performance Boundary Identification for the Evaluation of Automated Vehicles using Gaussian Process Classification. July 2019. Coventry University
- Adversarial Objects Against LiDAR-Based Autonomous Driving Systems. July 2019. UMich, Baidu, University of Illinois at Urbana-Champaign
- Modern Deep Reinforcement Learning Algorithms. June 2019. Closer to short textbook than paper.
- Encoding Database Schemas with Relation-Aware Self-Attention for Text-to-SQL Parsers. June 2019. UC Berkeley
- Stolen Memories: Leveraging Model Memorization for Calibrated White-Box Membership Inference. June 2019. CMU
- Fast Training of Sparse Graph Neural Networks on Dense Hardware. June 2019. University of Cambridge, MPI Tübingen, Google Brain, DeepMind
- VideoBERT: A Joint Model for Video and Language Representation Learning. Apr 2019. Google
- DEEP MULTI-SCALE VIDEO PREDICTION BEYOND MEAN SQUARE ERROR. Nov 2015. ICLR 2016. NYU, FAIR. Yann LeCun
- Zoom to Learn, Learn to Zoom. May 2019. UC Berkeley, HKUST, Intel Labs
- Graph Convolutional Gaussian Processes. May 2019. Imperial College London. ICML 2019.
- Learnable Triangulation of Human Pose. May 2019. Samsung Moscow, Skolkovo Institute of Science and Technology (Moscow).
- How to Fine-Tune BERT for Text Classification?. May 2019. Fudan University (Shanghai)
- Graph U-Nets. May 2019. Texas A&M. ICML 2019.
- BayesNAS: A Bayesian Approach for Neural Architecture Search. May 2019. ICML 2019. Delft University of Technology (Netherlands), University College London
- Video Instance Segmentation. May 2019. ByteDance, UIUC, Adobe. Introduces "a new computer vision task, named video instance segmentation" with a YouTube-based benchmark and "a novel algorithm called MaskTrack R-CNN for this task"
- Learning What and Where to Transfer. May 2019. KAIST. ICML 2019.
- VideoGraph: Recognizing Minutes-Long Human Activities in Videos. May 2019. University of Amsterdam
- Understanding and Utilizing Deep Neural Networks Trained with Noisy Labels. May 2019. CUHK and Tencent
- BERT Rediscovers the Classical NLP Pipeline. May 2019. Google, Brown. "We find that the model represents the steps of the traditional NLP pipeline in an interpretable and localizable way, and that the regions responsible for each step appear in the expected sequence: POS tagging, parsing, NER, semantic roles, then coreference"
- Efficient Ladder-style DenseNets for Semantic Segmentation of Large Images. May 2019. University of Zagreb. "allow training at megapixel resolution on commodity hardware."
- Few-Shot Viewpoint Estimation. May 2019. UC Merced, NVIDIA
- ISBNet: Instance-aware Selective Branching Network. May 2019. National University of Singapore. Change the model complexity at inference time depending on the input. "ISBNet takes only 12.45% parameters and 45.79% FLOPs of the state-of-the-art efficient network ShuffleNetV2 with comparable accuracy"
- The Materials Science Procedural Text Corpus: Annotating Materials Synthesis Procedures with Shallow Semantic Structures. May 2019. UMass Amherst, MIT.
- Collaborative Global-Local Networks for Memory-Efficient Segmentation of Ultra-High Resolution Images. May 2019. Texas A&M. "resolution up to 30 million pixels)"
- WHAT DO YOU LEARN FROM CONTEXT? PROBING FOR SENTENCE STRUCTURE IN CONTEXTUALIZED WORD REPRESENTATIONS. May 2019. Google AI Language, Johns Hopkins University, Swarthmore College, New York University, Brown University
- 3D SEMANTIC SCENE COMPLETION FROM A SINGLE DEPTH IMAGE USING ADVERSARIAL TRAINING. May 2019. RWTH Aachen University, Universtiy of Bonn.
- Neural Query Language: A Knowledge Base Query Language for Tensorflow. May 2019. Google.
- Task-Driven Modular Networks for Zero-Shot Compositional Learning. May 2019. CMU, FAIR. "One of the hallmarks of human intelligence is the ability to compose learned knowledge into novel concepts which can be recognized without a single training example"
- DARNet: Deep Active Ray Network for Building Segmentation. May 2019. University of Toronto, Vector Institute, Uber ATG Toronto, NVIDIA
- Sparse Sequence-to-Sequence Models. May 2019. Instituto de Telecomunicacoes (Lisbon), Unbabel
- Entity-Relation Extraction as Multi-Turn Question Answering. May 2019. Shannon AI, Stanford
- Cognitive Graph for Multi-Hop Reading Comprehension at Scale. May 2019. Tsinghua University, Alibaba
- Diversify and Match: A Domain Adaptive Representation Learning Paradigm for Object Detection. May 2019. KAIST.
- A Survey of Multilingual Neural Machine Translation. May 2019. NICT (Kyoto), Osaka University, Microsoft Hyderabad
- A Context-and-Spatial Aware Network for Multi-Person Pose Estimation. May 2019. ByteDance, Southeast University (Nanjing)
- Mega-Reward: Achieving Human-Level Play without Extrinsic Rewards. May 2019. Oxford, Beihang University, Hebei University of Technology
- GCNet: Non-local Networks Meet Squeeze-Excitation Networks and Beyond. Apr 2019. Tsinghua University, Hong Kong University of Science and Technology, Microsoft Research Asia
- Deep Learning for Audio Signal Processing. Apr 2019. Aalborg University Copenhagen, Google, Tampere University and CNRS LIS/Université de Toulon/Austrian Research Institute for Artificial Intelligence. Review of techniques (speech, music, environmental sound)
- Adversarial Examples Are Not Bugs, They Are Features. May 2019. MIT
- The Effect of Network Width on Stochastic Gradient Descent and Generalization: an Empirical Study. May 2019. Google Brain, DeepMind. ICML 2019. Quoc V le. [HighPri]
- Local Relation Networks for Image Recognition. Apr 2019. Microsoft Research Asia, Tsinghua University
- Making Convolutional Networks Shift-Invariant Again. Apr 2019. Adobe.
- RepPoints: Point Set Representation for Object Detection. Apr 2019. Peking University, Tsinghua University, Microsoft Research Asia. Anchor-free object detection
- Learning Loss for Active Learning. May 2019. Lunit Inc (S. Korea), KAIST
- Meta-learning of Sequential Strategies. May 2019. DeepMind Technical Report. "In this report we review memory-based metalearning as a tool for building sample-efficient strategies that learn from past experience to adapt to any task within a target class"
- Unified Language Model Pre-training for Natural Language Understanding and Generation. May 2019. Microsoft Research
- Adversarial Training for Free!. Apr 2019. UMaryland, United States Naval Academy
- Spatial-Temporal Relation Networks for Multi-Object Tracking. Apr 2019. Microsoft Research Asia
- You Only Propagate Once: Accelerating Adversarial Training via Maximal Principle. May 2019. Peking University
- Self-supervised Learning for Video Correspondence Flow. May 2019. Oxford
- Learn Stereo, Infer Mono: Siamese Networks for Self-Supervised, Monocular, Depth Estimation. May 2019. Tel Aviv University, The Open University of Israel
- Embedding Human Knowledge in Deep Neural Network via Attention Map. May 2019. Chubu University, ABEJA Inc
- Surprising Effectiveness of Few-Image Unsupervised Feature Learning. Apr 2019. Visual Geometry Group (Oxford)
- Neural Path Planning: Fixed Time, Near-Optimal Path Generation via Oracle Imitation. Apr 2019. UC San Diego
- MASS: Masked Sequence to Sequence Pre-training for Language Generation. May 2019. ICML 2019. Nanjing University of Science and Technology , Microsoft Research. "the-art accuracy (37.5 in terms of BLEU score) on the unsupervised English-French translation"
- Few-Shot Unsupervised Image-to-Image Translation. May 2019. NVIDIA, Cornell University, Aalto University
- Deconstructing Lottery Tickets: Zeros, Signs, and the Supermask. May 2019. Uber
- Stabilizing the Lottery Ticket Hypothesis. Jun 2019. MIT CSAIL, University of Cambridge, Element AI, University of Toronto, Vector Institute
- Batch Normalization is a Cause of Adversarial Vulnerability. May 2019. University of Guelph, Vector Institute, University of Waterloo, Perimeter Institute for Theoretical Physics, University College London, Google Brain.
- Fast User-Guided Video Object Segmentation by Interaction-and-Propagation Networks. May 2019. Yonsei University, Adobe Research
- Generating Long Sequences with Sparse Transformers. Apr 2019. OpenAI
- Do Transformer Attention Heads Provide Transparency in Abstractive Summarization?. July 2019. University of Amsterdam, De Persgroep
- Learning Representations from Imperfect Time Series Data via Tensor Rank Regularization. July 2019. CMU, , RIKEN Center for Artificial Intelligence Project
- REPRESENTATION, EXPLORATION AND RECOMMENDATION OF MUSIC PLAYLISTS. July 2019. Arizona State University
- Real-time Claim Detection from News Articles and Retrieval of Semantically-Similar Factchecks. July 2019. Logically.co.uk
- HO-3D: A Multi-User, Multi-Object Dataset for Joint 3D Hand-Object Pose Estimation. July 2019. Graz University of Technology, Universite de Bordeaux
- Language2Pose: Natural Language Grounded Pose Forecasting. July 2019. CMU
- XNect: Real-time Multi-person 3D Human Pose Estimation with a Single RGB Camera. July 2019. Max Planck Institute for Informatics, EPFL, University of Saarland
- Combining Q&A Pair Quality and Question Relevance Features on Community-based Question Retrieval. July 2019. Wuhan University of Technology
- Constructing large scale biomedical knowledge bases from scratch with rapid annotation of interpretable patterns. July 2019. BenevolentAI
- Going Deeper with Point Networks. July 2019. University College London. Point cloud processing
- Collecting Indicators of Compromise from Unstructured Text of Cybersecurity Articles using Neural-Based Sequence Labelling. July 2019. Tencent
- Single-Path Mobile AutoML: Efficient ConvNet Design and NAS Hyperparameter Optimization. July 2019. CMU, Microsoft, Harbin Institute of Technology
- Time Series Anomaly Detection with Variational Autoencoders. July 2019. Harbin Institute of Technology
- How we do things with words: Analyzing text as social and cultural data. July 2019. Alan Turing Institute (UK), Utrecht University (NL), University of Warwick, Carnegie Mellon University, Georgia Institute of Technology, Cornell University, Leiden University (NL), University of London
- LumièreNet: Lecture Video Synthesis from Audio. July 2019. Udacity AI
- Graph-based Knowledge Distillation by Multi-head Self-attention Network. July 2019. Inha University (Korea)
- Proposal, Tracking and Segmentation (PTS): A Cascaded Network for Video Object Segmentation. July 2019. Horizon Robotics, Huazhong University of Science and Technology
- The ApolloScape Open Dataset for Autonomous Driving and its Application. July 2019. Baidu
- SEntiMoji: An Emoji-Powered Learning Approach for Sentiment Analysis in Software Engineering. July 2019. Peking University, UMich
- Extraction and Analysis of Fictional Character Networks: A Survey. July 2019. Laboratoire Informatique d’Avignon
- Data Encoding for Byzantine-Resilient Distributed Optimization. July 2019. UCLA, City University of Hong Kong
- Diffprivlib: The IBM Di�erential Privacy Library. July 2019. IBM
- C3 Framework: An Open-source PyTorch Code for Crowd Counting. July 2019. Northwestern Polytechnical University, Xi’an, Zhejiang University
- Real-time Dynamic Object Detection for Autonomous Driving using Prior 3D-Maps. July 2019. AKKA Technologies, INRIA Paris, Spleenlab, Valeo Vision Systems
- Visual Appearance Analysis of Forest Scenes for Monocular SLAM. July 2019. University of Edinburgh
- Wireless Federated Distillation for Distributed Edge Learning with Heterogeneous Data. July 2019. KAIST, Kings College London
- Detecting and Diagnosing Adversarial Images with Class-Conditional Capsule Reconstructions. July 2019. Google Brain, UC San Diego. Geoffrey Hinton
- Data Poisoning against Differentially-Private Learners: Attacks and Defenses. July 2019. University of Wisconsin–Madison
- ByRDiE: Byzantine-resilient Distributed Coordinate Descent for Decentralized Learning. July 2019. Rutgers University–New Brunswick
- Improved local search for graph edit distance. July 2019. Normandie Univ, Free University of Bozen-Bolzano
- Visus: An Interactive System for Automatic Machine Learning Model Building and Curation. July 2019. NYU
- Multi-lingual Intent Detection and Slot Filling in a Joint BERT-based Model. July 2019. Almawave
- SCOPS: Self-Supervised Co-Part Segmentation. May 2019. UC Merced, NVIDIA
- 26ms Inference Time for ResNet-50: Towards Real-Time Execution of all DNNs on Smartphone. May 2019. ICML 2019. College of William & Mary, Northeastern. "CADNN outperforms all the state-of-the-art dense DNN execution frameworks like TensorFlow Lite and TVM"
- Learn to synthesize and synthesize to learn. May 2019. Ecole Polytechnique Fderale de Lausanne, Istanbul Technical University, , University of Lausanne. Face image synthesis
- DAC: The Double Actor-Critic Architecture for Learning Options. May 2019. Oxford
- Safe Reinforcement Learning with Scene Decomposition for Navigating Complex Urban Environments. Apr 2019. Stanford, Honda Research Institute
- Sensor Fusion for Joint 3D Object Detection and Semantic Segmentation. Apr 2019. Uber ATG.
- Differentiable Pruning Method for Neural Networks. Apr 2019. Samsung, Texas A&M
- Survey on Evaluation Methods for Dialogue Systems. May 2019. Zurich University of Applied Sciences, Universidad Nacional de Educacion a Distancia, University of the Basque Country, Universite Paris Saclay
- What Do Single-view 3D Reconstruction Networks Learn?. May 2019. University of Freiburg, Intel Labs
- UNIVERSAL SOUND SEPARATION. May 2019. Google, Mitsubishi Electric Research Laboratories
- Deep Flow-Guided Video Inpainting. May 2019. CUHK, Nanyang
- Information-Theoretic Considerations in Batch Reinforcement Learning. May 2019. ICML 2019. UIUC
- Survey on Automated Machine Learning. Apr 2019. USU Software AG, University of Stuttgart
- From GAN to WGAN. Apr 2019. OpenAI
- [TENet] Trinity of Pixel Enhancement: a Joint Solution for Demosaicking, Denoising and Super-Resolution. May 2019. SenseTime, CAS. [HighPri]
- FaceShapeGene: A Disentangled Shape Representation for Flexible Face Image Editing. May 2019. Tsinghua University, Tencent
- From Video Game to Real Robot: The Transfer between Action Spaces. May 2019. University of Eastern Finland, Aalto University
- RetinaFace: Single-stage Dense Face Localisation in the Wild. May 2019. Imperial College London, InsightFace, Middlesex University London, FaceSoft
- ResNet Can Be Pruned 60×: Introducing Network Purification and Unused Path Removal (P-RM) after Weight Pruning. Apr 2019. ICML 2019. Northeastern
- Deferred Neural Rendering: Image Synthesis using Neural Textures. Apr 2019. Technical University of Munich, Stanford University
- Real-time Intent Prediction of Pedestrians for Autonomous Ground Vehicles via Spatio-Temporal DenseNet. Apr 2019. Deakin University
- BERTSCORE: Evaluating Text Generation with BERT. Apr 2019. Cornell, ASAPP Inc
- Constant-Time Machine Translation with Conditional Masked Language Models. Apr 2019. FAIR
- Video Object Segmentation and Tracking: A Survey. Apr 2019. China University of Mining and Technology, Nanyang Technological University
- [RefineDet] Single-Shot Refinement Neural Network for Object Detection. Nov 2017. CAS, University of Chinese Academy of Sciences, GE Global Research. Realtime detection. COCO State of the Art
- AdaNet: A Scalable and Flexible Framework for Automatically Learning Ensembles. Apr 2019. Google, Duke, Courant Institute of Mathematical Sciences
- Survey of Dropout Methods for Deep Neural Networks. Apr 2019. UToronto
- Real numbers, data science and chaos: How to fit any dataset with a single parameter. Apr 2019. SAP Labs.
- Face Video Generation from a Single Image and Landmarks. Apr 2019. Imperial College London, University of Oulu
- LADN: Local Adversarial Disentangling Network for Facial Makeup and De-Makeup. Apr 2019. Hong Kong University of Science and Technology, University of Illinois Urbana-Champaign, Tencent Youtu
- NeurIPS 2019 Competition: The MineRL Competition on Sample Efficient Reinforcement Learning using Human Priors. Apr 2019. CMU, Microsoft Research, UMaryland, AICrowd, Queen Mary University of London. "The primary goal of the competition is to foster the development of algorithms which can efficiently leverage human demonstrations to drastically reduce the number of samples needed to solve complex, hierarchical, and sparse environments"
- The Curious Case of Neural Text Degeneration. Apr 2019. UWashington, AI^2
- Generative Exploration and Exploitation. Apr 2019. Peking University
- LATTE: Accelerating LiDAR Point Cloud Annotation via Sensor Fusion, One-Click Annotation, and Tracking. Apr 2019. UC Berkeley
- Beto, Bentz, Becas: The Surprising Cross-Lingual Effectiveness of BERT. Apr 2019. Johns Hopkins University
- Are We Really Making Much Progress? A Worrying Analysis of Recent Neural Recommendation Approaches. July 2019. Politecnico di Milano, University of Klagenfurt
- Counterfactual Learning from Logs for Improved Ranking of E-Commerce Products. July 2019. IBM Russia, Technische Universität München, Mercateo Germany
- Make Skeleton-based Action Recognition Model Smaller, Faster and Better. July 2019. Nara Institute of Science and Technology (Japan), RIKEN, Kyoto University
- Effortless Deep Training for Traffic Sign Detection Using Templates and Arbitrary Natural Images. July 2019. Instituto Federal do Esp´ırito Santo, University of Trento
- A-MAL: Automatic Motion Assessment Learning from Properly Performed Motions in 3D Skeleton Videos. July 2019. The University of Haifa
- Construct Dynamic Graphs for Hand Gesture Recognition via Spatial-Temporal Attention. July 2019. Rutgers University, University of Delaware, University of Rochester
- Incremental Transformer with Deliberation Decoder for Document Grounded Conversations. July 2019. Huazhong University of Science and Technology, WeChat AI (Tencent), CAS, Northeastern University (China) [HighPri]
- I Stand With You: Using Emojis to Study Solidarity in Crisis Events. July 2019. UNC Charlotte
- GPU-Accelerated Atari Emulation for Reinforcement Learning. July 2019. NVIDIA. CUDA port of Atari Learning Environment
- Multi-Task Regression-based Learning for Autonomous Unmanned Aerial Vehicle Flight Control within Unstructured Outdoor Environments. July 2019. Durham University
- Generic Prediction Architecture Considering both Rational and Irrational Driving Behaviors. July 2019. UC Berkeley
- Federated Learning Systems: Vision, Hype and Reality for Data Privacy and Protection. July 2019. National University of Singapore
- Interpretable Modelling of Driving Behaviors in Interactive Driving Scenarios based on Cumulative Prospect Theory. July 2019. UC Berkeley
- Fairness-Aware Ranking in Search & Recommendation Systems with Application to LinkedIn Talent Search. July 2019. LinkedIn
- SDNet: Semantically Guided Depth Estimation Network. July 2019. Goethe University, NTNU Trondheim
- The autofeat Python Library for Automated Feature Engineering and Selection. July 2019. Technische Universität Berlin, BASF SE
- Semi-Supervised Tensor Factorization for Node Classification in Complex Social Networks. July 2019. NCSR Demokritos
- Efficient GAN-based method for cyber-intrusion detection. July 2019. Shanghai Jiao Tong University
- Translator2Vec: Understanding and Representing Human Post-Editors. July 2019. Unbabel & Instituto de Telecomunicacoes
- Analyzing the Variety Loss in the Context of Probabilistic Trajectory Prediction. July 2019. Georg-August-Universitat Gottingen, Volkswagen Group of America
- Introduction to Neural Network based Approaches for Question Answering over Knowledge Graphs. July 2019. University of Bonn, Fraunhofer IAIS, University of Bochum
- Trends in Integration of Vision and Language Research: A Survey of Tasks, Datasets, and Methods. July 2019. Saarland University
- ChromaGAN: An Adversarial Approach for Picture Colorization. July 2019. University Pompeu Fabra
- Graph Reasoning Networks for Visual Question Answering. July 2019. University of Sydney
- Similarity-Preserving Knowledge Distillation. July 2019. Simon Fraser University, Borealis AI
- Techniques for Automated Machine Learning. July 2019. Texas A&M. Suvey-esque
- From Big to Small: Multi-Scale Local Planar Guidance for Monocular Depth Estimation. July 2019. Hanyang University
- Speech Model Pre-training for End-to-End Spoken Language Understanding. July 2019. Universite de Montreal / Mila, Fluent.ai, CIFAR Fellow
- Toward Explainable Fashion Recommendation. July 2019. Tohoku University
- Robustness properties of Facebook’s ResNeXt WSL models. July 2019. NYU
- Semisupervised Adversarial Neural Networks for Cyber Security Transfer Learning. July 2019. Commonwealth Computer Research, Inc.
- A Modern Take on the Bias-Variance Tradeoff in Neural Networks. July 2019. Mila, Université de Montréal
- Accurate and Robust Eye Contact Detection During Everyday Mobile Device Interactions. July 2019. ETH Zürich, University of Stuttgart
- GRAPH NEURAL LASSO FOR DYNAMIC NETWORK REGRESSION. July 2019. FSU
- DropAttention: A Regularization Method for Fully-Connected Self-Attention Networks. July 2019. Fudan University, MILA.
- Recent Advances in Open Set Recognition: A Survey. July 2019. Nanjing University of Aeronautics and Astronautics. Open Set: "A more realistic scenario is open set recognition (OSR), where incomplete knowledge of the world exists at training time, and unknown classes can be submitted to an algorithm during testing, requiring the classifiers to not only accurately classify the seen classes, but also effectively deal with the unseen ones"
- Dynamic Input for Deep Reinforcement Learning in Autonomous Driving. July 2019. University of Freiburg, BMWGroup, Unterschleissheim, Cluster of Excellence BrainLinks-BrainTools
- Weakly Supervised Recognition of Surgical Gestures. July 2019. UCL, Universita di Verona, Politecnico di Milano
- The Truly Deep Graph Convolutional Networks for Node Classification. July 2019. Tencent. [HighPri]
- Self-supervised Training of Proposal-based Segmentation via Background Prediction. July 2019. EPFL, Balgrist University Hospital, University of Zurich
- Optuna: A Next-generation Hyperparameter Optimization Framework. July 2019. Preferred Networks, Inc. [HighPri]
- Submission to ActivityNet Challenge 2019: Task B Spatio-temporal Action Localization. July 2019. SK Telecom. "using only RGB sequential images"
- Using Database Rule for Weak Supervised Text-to-SQL Generation. July 2019. Rokid AI Lab, China Electronic Technology Group Corporation Information Science Academy.
- Green AI. July 2019. AI^2, CMU, UWashington. Huge computational costs has environmental impact. Green AI suggest adding efficiency as an evaluation criterion and reporting price of development and running models. [HighPri]
- An Effective Approach to Unsupervised Machine Translation. July 2019. University of the Basque Country
- Self-Supervised Vision-Based Detection of the Active Speaker as Support for Socially-Aware Language Acquisition. July 2019. USC, KTH Royal Institute of Technology NTNU Norwegian University of Science and Technology
- Querying Knowledge via Multi-Hop English Questions. July 2019. Stony Brook University.
- Audits as Evidence: Experiments, Ensembles, and Enforcement. July 2019. UC Berkeley, NBER. "We develop tools for utilizing correspondence experiments to detect illegal discrimination by individual employers"
- A SURVEY OF DATA QUALITY MEASUREMENT AND MONITORING TOOLS. July 2019. Johannes Kepler University Linz, Software Competence Center Hagenberg. [HighPri]
- ACTNET: end-to-end learning of feature activations and multi-stream aggregation for effective instance image retrieva. July 2019. University of Surrey.
- ∂P: A Differentiable Programming System to Bridge Machine Learning and Scientific Computing. July 2019. Julia Computing, MIT, Invenia Labs
- Automatic Grading of Individual Knee Osteoarthritis Features in Plain Radiographs using Deep Convolutional Neural Networks. July 2019. University of Oulu, Oulu University Hospital
- ELG: An Event Logic Graph. July 2019. Harbin Institute of Technology. [HighPri]
- Real-Time Driver State Monitoring Using a CNN Based Spatio-Temporal Approach. July 2019. Intel, Technical University of Munich
- Deep Neural Models for Medical Concept Normalization in User-Generated Texts. July 2019. Kazan Federal University, Samsung. "medical concept normalization problem, i.e., the problem of mapping a health-related entity mention in a free-form text to a concept in a controlled vocabulary"
- A Computer Vision Application for Assessing Facial Acne Severity from Selfie Images. July 2019. Microsoft Research.
- Asynch-SGBDT: Train a Stochastic Gradient Boosting Decision Tree in an Asynchronous Parallel Manner. July 2019. CAS, University of Chinese Academy of Sciences, WiseUranium corp
- Visual-based Autonomous Driving Deployment from a Stochastic and Uncertainty-aware Perspective. July 2019. Hong Kong University of Science and Technology
- Understanding Video Content: Efficient Hero Detection and Recognition for the Game "Honor of Kings". July 2019. Tencent
- Evaluation Uncertainty in Data-Driven Self-Driving Testing. July 2019. UMich, CMU, Columbia
- OmniNet: A unified architecture for multi-modal multi-task learning. July 2019. IBM, University of Amsterdam
- Learning Latent Events from Network Message Logs. July 2019. AT&T Labs
- Learning Privately over Distributed Features: An ADMM Sharing Approach. July 2019. University of Alberta, University of Kent
- Simple, Fast, Accurate Intent Classification and Slot Labeling for Goal-Oriented Dialogue Systems. July 2019. Amazon AI, Stanford [HighPri]
- Gated Recurrent Neural Network Approach for Multilabel Emotion Detection in Microblogs. July 2019. University of Moratuwa, La Trobe University Victoria
- SoilingNet: Soiling Detection on Automotive Surround-View Cameras. July 2019. Valeo. Determine if camera is soiled by environment (dirt, water, etc)
- RGB and LiDAR fusion based 3D Semantic Segmentation for Autonomous Driving. July 2019. Valeo, Cairo University.
- Mitigating Uncertainty in Document Classification. July 2019. Virginia Tech, NEC Laboratories America, Inc
- Processing Megapixel Images with Deep Attention-Sampling Models. July 2019. Idiap Research Institute (Switzerland), EPFL
- AquaSight: Automatic Water Impurity Detection Utilizing Convolutional Neural Networks. July 2019. TJHSST, UMaryland
- Self-Attentive Hawkes Processes. July 2019. UCL. "Asynchronous events on the continuous time domain, e.g., social media actions and stock transactions, occur frequently in the world. The ability to recognize occurrence patterns of event sequences is crucial to predict which type of events will happen next and when. A de facto standard mathematical framework to do this is the Hawkes process. In order to enhance expressivity of multivariate Hawkes processes, conventional statistical methods and deep recurrent networks have been employed to modify its intensity function. The former is highly interpretable and requires small size of training data but relies on correct model design while the latter has less dependency on prior knowledge and is more powerful in capturing complicated patterns. We leverage pros and cons of these models and propose a self-attentive Hawkes process (SAHP). The proposed method adapts self-attention to fit the intensity function of Hawkes processes. This design has two benefits: (1) compared with conventional statistical methods, the SAHP is more powerful to identify complicated dependency relationships between temporal events; (2) compared with deep recurrent networks, the self-attention mechanism is able to capture longer historical information, and is more interpretable because the learnt attention weight tensor shows contributions of each historical event ''
- Augmented Autoencoders: Implicit 3D Orientation Learning for 6D Object Detection. July 2019. German Aerospace Center, Technical University of Munich.
- Natural Adversarial Examples. July 2019. UC Berkeley, UWashington, UChicago. ImageNet-A dataset of naturally occuring adversarial examples (classification accuracy degrades on the examples across multiple models).
- Understanding Deep Learning Techniques for Image Segmentation. July 2019.
- Efficient Video Generation on Complex Datasets. July 2019. DeepMind.
- Batch-Shaped Channel Gated Networks. July 2019. Qualcomm AI Research
- Facebook FAIR’s WMT19 News Translation Task Submission. July 2019. FAIR. Uses
FAIRSEQ
- Agglomerative Attention. July 2019. Low resource cost approach to attention for transformers
- On the “steerability” of generative adversarial networks. July 2019. MIT CSAIL
- Truck Traffic Monitoring with Satellite Images. July 2019. CMU, ETH Zürich
- Learning End-to-End Goal-Oriented Dialog with Maximal User Task Success and Minimal Human Agent Use. July 2019. UMich, Intel, Amazon Alexa-AI Research
- Explaining Classifiers with Causal Concept Effect (CaCE). July 2019. Google Brain, Technion.
- IMPROVED HYBRID LAYERED IMAGE COMPRESSION USING DEEP LEARNING AND TRADITIONAL CODECS. July 2019. Xi’an Jiaotong University, Simon Fraser University
- Measuring the Transferability of Adversarial Examples. July 2019. University of Edinburgh
- A Divide-and-Conquer Approach Towards Understanding Deep Networks. July 2019. Friedrich-Alexander University Erlangen-Nurnberg, Erlangen Graduate School in Advanced Optical Technologies
- FoodX-251: A Dataset for Fine-grained Food Classification. July 2019. SRI International, Google, Cornell Tech. 251 categories, 118k training images.
- Clustering Activity-Travel Behavior Time Series using Topological Data Analysis. July 2019. University of Connecticut
- News Cover Assessment via Multi-task Learning. July 2019. Tencent.
- A Survey on Explainable Artificial Intelligence (XAI): towards Medical XAI. July 2019. Unknown affiliation
- Probing Neural Network Comprehension of Natural Language Arguments. July 2019. National Cheng Kung University (Taiwan)
- Fake News Detection as Natural Language Inference. July 2019. National Cheng Kung University (Taiwan)
- A Unified Deep Framework for Joint 3D Pose Estimation and Action Recognition from a Single RGB Camera. July 2019. Cerema Research Center (France), Informatics Research Institute of Toulouse, Aparnix (Chile), Cortexica Vision Systems Ltd. (London), Vingroup Big Data Institute (Vietnam)
- Separable Convolutional LSTMs for Faster Video Segmentation. July 2019. Ulm University.
- Multi-scale Graph-based Grading for Alzheimer’s Disease Prediction. July 2019. Univ. Bordeaux, Universitat Politècnia de València
- The Many AI Challenges of Hearthstone. July 2019. New Jersey Institute of Technology, NYU
- Asking Clarifying Questions in Open-Domain Information-Seeking Conversations. July 2019. Università della Svizzera italiana (USI), UMass Amherst
- Federated Reinforcement Distillation with Proxy Experience Memory. July 2019. Yonsei University, University of Oulu. RL learn from experience while preserving the privacy of actual experiences
- Sequence Level Semantics Aggregation for Video Object Detection. July 2019. McGill University, TuSimple, University of Chinese Academy of Sciences, CASIA, CAS
- Exploring Deep Anomaly Detection Methods Based on Capsule Net. July 2019. University of Ottawa, Queen's University, National Research Council Canada
- AUTOMATIC REPAIR AND TYPE BINDING OF UNDECLARED VARIABLES USING NEURAL NETWORKS. July 2019. Iowa State University
- Towards Generation of Visual Attention Map for Source Code. July 2019. Nara Institute of Science and Technology,
- ALFA: Agglomerative Late Fusion Algorithm for Object Detection. July 2019. Kazan Federal University (Russia), Czech Technical University in Prague. "agglomerative clustering of object detector predictions" (runs on top of multiple detectors, e.g. SSD and Faster R-CNN)
- Bringing Giant Neural Networks Down to Earth with Unlabeled Data. July 2019. Peking University, SenseTime, The University of Sydney
- Motion Planning Networks: Bridging the Gap Between Learning-based and Classical Motion Planners. July 2019. UC San Diego
- Neuroscore: A Brain-inspired Evaluation Metric for Generative Adversarial Networks. May 2019. Dublin City University, Intel.
- Learning to Parse Wireframes in Images of Man-Made Environments. CVPR 2018. ShanghaiTech University, The Pennsylvania State University, UC Berkeley. "The wireframe (see Fig. 1) contains all salient straight lines and their junctions of the scene that encode efficiently and accurately large-scale geometry and object shapes."
- End-to-End Wireframe Parsing. May 2019. UC Berkeley.
- Learning to Reconstruct 3D Manhattan Wireframes from a Single Image. May 2019. UC Berkeley, Adobe Research
- UNDERSTANDING ATTENTION IN GRAPH NEURAL NETWORKS. May 2019. ICLR 2019 Workshop on Representation Learning on Graphs and Manifolds. University of Guelph, Vector Institute for Artificial Intelligence, Canada CIFAR AI Chair
- MULTIMODAL SEMANTIC ATTENTION NETWORK FOR VIDEO CAPTIONING. May 2019. University of Science and Technology of China, CAS, CAS Center for Excellence in Brain Science and Intelligence Technology
- Speech2Face: Learning the Face Behind a Voice. May 2019. MIT CSAIL
- Pre-training Graph Neural Networks. May 2019. Stanford
- GMNN: Graph Markov Neural Networks. May 2019. ICML 2019. MILA, University of Montreal, Canadian Institute for Advanced Research (CIFAR), HEC Montreal
- PaperRobot: Incremental Draft Generation of Scientific Ideas. May 2019. Rensselaer Polytechnic Institute, DiDi Labs, University of Illinois at Urbana-Champaign, University of North Carolina at Chapel Hill, University of Washington
- Analyzing Multi-Head Self-Attention: Specialized Heads Do the Heavy Lifting, the Rest Can Be Pruned. June 2019. Yandex (Russia), University of Amsterdam, University of Edinburgh1,University of Zurich, Moscow Institute of Physics and Technology
- N-BEATS: Neural basis expansion analysis for interpretable time series forecasting. May 2019. Element AI, Mila and Université de Montréal
- Which Tasks Should Be Learned Together in Multi-task Learning. May 2019. Stanford, UC Berkeley, Google
- Light-Weight RetinaNet for Object Detection. May 2019. ASU
- ATTENTIONRNN: A Structured Spatial Attention Mechanism. May 2019. University of British Columbia
- RIU-Net: Embarrassingly simple semantic segmentation of 3D LiDAR point cloud. May 2019. Univ. Bordeaux
- A Human-Centered Approach to Interactive Machine Learning. May 2019. University of Alberta
- SpArSe: Sparse Architecture Search for CNNs on Resource-Constrained Microcontrollers. May 2019. ARM ML Research, Princeton
- ERNIE: Enhanced Language Representation with Informative Entities. June 2019. Tsinghua University, Huawei Noah’s Ark Lab. "ERNIE achieves significant improvements on various knowledge-driven tasks, and meanwhile is comparable with the state-of-the-art model BERT on other common NLP task"
- Revisiting Graph Neural Networks: All We Have is Low-Pass Filters. May 2019. RIKEN
- The Machine Learning Bazaar: Harnessing the ML Ecosystem for Effective System Development. May 2019. MIT, Feature Labs
- AN INTERDISCIPLINARY SURVEY OF NETWORK SIMILARITY METHODS. May 2019. Unknown affiliation
- Mixed Precision Training With 8-bit Floating Point. May 2019. Intel. [HighPri]
- Semi-Supervised Learning with Scarce Annotations. May 2019. Visual Geometry Group, Oxford. [HighPri]
- How do neural networks see depth in single images?. May 2019. Technische Universiteit Delft.
- 3D Point Cloud Generative Adversarial Network Based on Tree Structured Graph Convolutions. May 2019. Chung-Ang University (Seoul)
- Lightweight Network Architecture for Real-Time Action Recognition. May 2019. Intel.
- GAPNet: Graph Attention based Point Neural Network for Exploiting Local Feature of Point Cloud. May 2019. Cranfield University.
- Towards Neural Decompilation. May 2019. Technion, Bar Ilan University. Decompile compiled code.
- Training Object Detectors With Noisy Data. May 2019. Oxford.
- How to make a pizza: Learning a compositional layer-based GAN model. May 2019. MIT, Qatar Computing Research Institute.
- Lattice-Based Transformer Encoder for Neural Machine Translation. June 2019. Shanghai Jiao Tong University, National Institute of Information and Communications Technology (Japan).
- Learning Video Representations from Correspondence Proposals. May 2019. Stanford, Adobe.
- Monocular Plan View Networks for Autonomous Driving. May 2019. UC Berkeley, UT Austin.
- Behavior Sequence Transformer for E-commerce Recommendation in Alibaba. May 2019. Alibaba.
- VideoFlow: A Flow-Based Generative Model for Video. June 2019. Google, UIUC.
- BlockSwap: Fisher-guided Block Substitution for Network Compression. June 2019. University of Edinburgh.
- Large-scale Landmark Retrieval/Recognition under a Noisy and Diverse Dataset. June 2019. Recruit Technologies, University of Tsukuba.
- 2nd Place and 2nd Place Solution to Kaggle Landmark Recognition and Retrieval Competition 2019. June 2019. Baidu.
- Hierarchical Graph Convolutional Networks for Semi-supervised Node Classification. June 2019. University of Chinese Academy of Sciences, CAS.
- Stochastic Mirror Descent on Overparameterized Nonlinear Models: Convergence, Implicit Regularization, and Generalization. June 2019. Caltech
- Network Implosion: Effective Model Compression for ResNets via Static Layer Pruning and Retraining. June 2019. NTT Software Innovation Center.
- Improving Neural Language Modeling via Adversarial Training. June 2019. ICML 2019. UT Austin.
- Interpreting Black Box Models via Hypothesis Testing. June 2019. Columbia University, Columbia University Medical Center, University of Washington.
- What can AI do for me? Evaluating Machine Learning Interpretations in Cooperative Play. June 2019. UMaryland.
- BIGPATENT: A Large-Scale Dataset for Abstractive and Coherent Summarization. June 2019. Northeastern University, Tencent AI Lab.
- The Generalization-Stability Tradeoff in Neural Network Pruning. June 2019. FSU, FAIR.
- Redundancy-Free Computation Graphs for Graph Neural Networks. June 2019. Stanford, Microsoft.
- A Study on Action Detection in the Wild. June 2019. CMU, Google.
- Gendered Pronoun Resolution using BERT and an extractive question answering formulation. June 2019. Unknown affiliation.
- Adaptive Neural Trees. June 2019. ICML 2019. Microsoft Research, UCL.
- Novelty Detection via Network Saliency in Visual-based Deep Learning. June 2019. Yale. "This paper proposes a multi-step framework for the detection of novel scenarios in vision-based autonomous systems by leveraging information learned by the trained prediction model and a new image similarity metric. We demonstrate the efficacy of this method through experiments on a real-world driving dataset as well as on our in-house indoor racing environment."
- Can You Tell Me How to Get Past Sesame Street? Sentence-Level Pretraining Beyond Language Modeling. June 2019. New York University, Johns Hopkins University, Brown University, Google AI Language, Facebook, IBM, University of Minnesota Duluth, Swarthmore College
- Break the Ceiling: Stronger Multi-scale Deep Graph Convolutional Networks. June 2019. McGill University, Mila, DeepMind.
- 3D-RelNet: Joint Object and Relational Network for 3D Prediction. June 2019. CMU, FAIR.
- Explain Yourself! Leveraging Language Models for Commonsense Reasoning. June 2019. Salesforce.
- V-NAS: Neural Architecture Search for Volumetric Medical Image Segmentation. June 2019. Johns Hopkins University, NVIDIA.
- Evolving Losses for Unlabeled Video Representation Learning. June 2019. Google Brain.
- Kernelized Capsule Networks. June 2019. MIT Lincoln Labs. ICML 2019 Workshop on Understanding and Improving Generalization in Deep Learning.
- Extracting Visual Knowledge from the Internet: Making Sense of Image Data. June 2019. University of Technology Sydney, Nanjing University of Science and Technology, Alibaba Group, University of Electronic Science and Technology of China.
- Non-Differentiable Supervised Learning with Evolution Strategies and Hybrid Methods. June 2019. DeepMind.
- RankQA: Neural Question Answering with Answer Re-Ranking. June 2019. ETH Zurich.
- Playing the lottery with rewards and multiple languages: lottery tickets in RL and NLP. June 2019. FAIR.
- Contextual Relabelling of Detected Objects. June 2019. University of Exeter.
- ActivityNet-QA: A Dataset for Understanding Complex Web Videos via Question Answering. June 2019. School of Computer Science and Technology (Hangzhou). Zhejiang University, University of Sydney.
- SparseSense: Human Activity Recognition from Highly Sparse Sensor Data-streams Using Set-based Neural Networks. June 2019. The University of Adelaide.
- Can Graph Neural Networks Help Logic Reasoning?. June 2019. Georgia Tech, Siemens, UIUC, �Ant Financial.
- GOT: An Optimal Transport framework for Graph comparison. June 2019. Ecole Polytechnique Fédérale de Lausanne Signal Processing Laboratory, Université Paris-Est.
- Neural Legal Judgment Prediction in English. June 2019. Athens University of Economics and Business, University of Sheffield.
- Object Detection in 20 Years: A Survey. May 2019. UMich, Beihang University, Carleton University (Ottawa),
- Few-Shot Adversarial Learning of Realistic Neural Talking Head Models. May 2019. Samsung AI Center (Moscow), Skolkovo Institute of Science and Technology.
- LEDNET: A LIGHTWEIGHT ENCODER-DECODER NETWORK FOR REAL-TIME SEMANTIC SEGMENTATION. May 2019. Nanjing University of Posts & Telecommunications, Temple University.
- Deep Residual Reinforcement Learning. May 2019. Oxford.
- AutoAugment: Learning Augmentation Strategies from Data. Apr 2019. Google Brain. Quoc V Le.
- Fast AutoAugment. May 2019. Kakao Brain (Republic of Korea), MILA, Universite de Montreal. Faster search for autoaugment
- Optimal Sparse Decision Trees. Apr 2019. Duke, The University of British Columbia.
- Graph Kernels: A Survey. Apr 2019. Ecole Polytechnique (France), Sorbonne Universites.
- The Zero Resource Speech Challenge 2019: TTS without T. Apr 2019. Brno Univ. of Technology, CMU, Universite Grenoble Alpes), Nara Institute of Science and Technology, RIKEN Center for Advanced Intelligence Project, FAIR. "We present the Zero Resource Speech Challenge 2019, which proposes to build a speech synthesizer without any text or phonetic labels: hence, TTS without T (text-to-speech without text)."
- Decentralized Multi-Task Learning Based on Extreme Learning Machines. Apr 2019.
- ViDeNN: Deep Blind Video Denoising. Apr 2019. Delft University of Technology.
- A Simple Pooling-Based Design for Real-Time Salient Object Detection. Apr 2019. Nankai University, NUS, Shenzhen University.
- Automatic Temporally Coherent Video Colorization. Apr 2019. University of Ontario Institute of Technology.
- Neural Architecture Search for Deep Face Recognition. Apr 2019. Unknown affiliation (looks high-quality).
- STEP: Spatio-Temporal Progressive Learning for Video Action Detection. Apr 2019. University of Maryland, NVIDIA, UC Davis.
- Unifying Question Answering and Text Classification via Span Extraction. Apr 2019. Salesforce.
- Fashion++: Minimal Edits for Outfit Improvement. Apr 2019. UT Austin, Cornell Tech, Georgia Tech.
- SelFlow: Self-Supervised Learning of Optical Flow. Apr 2019. CUHK, Tencent AI Lab.
- Thinking Outside the Box: Generation of Unconstrained 3D Room Layouts. Apr 2019. Oxford.
- A Comprehensive Analysis on Adversarial Robustness of Spiking Neural Networks. Apr 2019. Purdue University.
- A Geometric Approach to Obtain a Bird’s Eye View from an Image. Apr 2019. VGG, Oxford.
- Visibility Constrained Generative Model for Depth-based 3D Facial Pose Tracking. Apr 2019. Beihang University, CUHK, , Nanyang Technological University (Singapore), Rutgers University.
- A Survey on Neural Architecture Search. Apr 2019. IBM Research.
- Anti-Confusing: Region-Aware Network for Human Pose Estimation. May 2019. Tencent Youtu Lab.
- Collaborative Evolutionary Reinforcement Learning. May 2019. ICML 2019. Intel, Oregon State University.
- Joint High Dynamic Range Imaging and Super-Resolution from a Single Image. May 2019. Seoul National University,, Samsung.
- DYNAMIC NEURAL NETWORK CHANNEL EXECUTION FOR EFFICIENT TRAINING. May 2019. University of Cambridge.
- Meta reinforcement learning as task inference. May 2019. IST Austria, DeepMind.
- Improved Safe Real-time Heuristic Search. May 2019. University of New Hampshire. "A fundamental concern in real-time planning is the presence of dead-ends in the state space, from which no goal is reachable. Recently, the SafeRTS algorithm was proposed for searching in such spaces [...] . In this paper, we study the SafeRTS approach, identify certain properties of its behavior, and design an improved framework for safe real-time search."
- Trick Me If You Can: Human-in-the-loop Generation of Adversarial Examples for Question Answering. May 2019. University of Maryland, Studio Ousia (Japan).
- IPC: A Benchmark Data Set for Learning with Graph-Structured Data. May 2019. University of Basel, IBM Research, MIT-IBM Watson AI Lab. ICML 2019 Workshop on Learning and Reasoning with Graph-Structured Data. "We release a new data set, compiled from International Planning Competitions (IPC), for benchmarking graph classification, regression, and related tasks"
- Code-Switching for Enhancing NMT with Pre-Specified Translation. May 2019. Soochow University (Suzhou), Alibaba DAMO Academy, Westlake University (Hangzhou).
- Online Meta-Learning. May 2019. UC Berkeley, University of Washington.
- Dual Supervised Learning for Natural Language Understanding and Generation. May 2019. National Taiwan University.
- Semi-supervised learning based on generative adversarial network: a comparison between good GAN and bad GAN approach. May 2019. UCLA.
- End-to-End Robotic Reinforcement Learning without Reward Engineering. May 2019. UCBerkeley.
- Robust Real-time Pedestrian Detection in Aerial Imagery on Jetson TX2. May 2019. Nile University (Egypt).
- Person Re-identification in Videos Acquired by Mobile Devices with First-Person Point-of-View. May 2019. Istanbul Technical University, UCF.
- Latent Universal Task-Specific BERT. May 2019. Amobee Inc (Tel Aviv).
- DATASET CULLING: TOWARDS EFFICIENT TRAINING OF DISTILLATION-BASED DOMAIN SPECIFIC MODELS. May 2019. Stanford University, Toshiba Computer Science
- Segmentation-Based Deep-Learning Approach for Surface-Defect Detection. May 2019. University of Ljubljana (Slovenia).
- MoGlow: Probabilistic and controllable motion synthesis using normalising flows. May 2019. KTH Royal Institute of Technology (Sweden).
- ON CONDITIONING GANS TO HIERARCHICAL ONTOLOGIES. May 2019. Johannes Kepler University Linz (Austria), Software Competence Center Hagenberg (Austria)
- HIBERT: Document Level Pre-training of Hierarchical Bidirectional Transformers for Document Summarization. May 2019. Microsoft Research Asia.
- Recurrent Convolutional Strategies for Face Manipulation Detection in Videos. May 2019. USC Information Sciences Institute.
- Learning 3D Human Dynamics from Video. May 2019. UC Berkeley.
- FH-GAN: Face Hallucination and Recognition using Generative Adversarial Network. May 2019. Shanghai Jiao Tong University.
- Automated detection of business-relevant outliers in e-commerce conversion rate. May 2019. University of Wollongong (Australia), Internetrix (Australia).
- Meta Reinforcement Learning with Task Embedding and Shared Policy. May 2019. Huawei Noah’s Ark Lab, Xi’an Jiaotong University, Tsinghua University
- Beyond Bilinear: Generalized Multimodal Factorized High-order Pooling for Visual Question Answering. May 2019. Hangzhou Dianzi University, UNC Charlotte, The University of Sydney.
- Progressive Image Deraining Networks: A Better and Simpler Baseline. May 2019. Tianjin University, Harbin Institute of Technology, Xi’an Jiaotong University.
- PPGNet: Learning Point-Pair Graph for Line Segment Detection. May 2019. ShanghaiTech University.
- Distributed Learning over Unreliable Networks. May 2019. University of Rochester, ETH Zurich, Kwai Inc, Institute of Science and Technology Austria.
- ncRNA Classification with Graph Convolutional Networks. May 2019. University of Cambridge, USI Lugano, Imperial College London.
- ReshapeGAN: Object Reshaping by Providing A Single Reference Image. May 2019. Ocean University of China, Nara Institute of Science and Technology, University of Electronic Science and Technology of China. CMU
- Towards Robust ResNet: A Small Step but A Giant Leap. May 2019. National University of Singapore, RIKEN-AIP, IBM Research. "This paper presents a simple yet principled approach to boosting the robustness of the residual network (ResNet)". Proven on "vision CIFAR-10 and text AG-NEWS datasets".
- Learning Active Spine Behaviors for Dynamic and Efficient Locomotion in Quadruped Robots. May 2019.
- Mitigating Sybils in Federated Learning Poisoning. May 2019. University of British Columbia.
- Gaussian Differential Privacy. May 2019. UPenn
- Fooling Computer Vision into Inferring the Wrong Body Mass Index. May 2019. University of Wisconsin–Madison.
- Deep Learning for Multi-Scale Changepoint Detection in Multivariate Time Series. May 2019. Stevens Institute of Technology.
- LEARNING DISCRIMINATIVE FEATURES IN SEQUENCE TRAINING WITHOUT REQUIRING FRAMEWISE LABELLED DATA. May 2019. Tencent, Peking University.
- Learning Deep Features for One-Class Classification. May 2019. Johns Hopkins University.
- PointRCNN: 3D Object Proposal Generation and Detection from Point Cloud. May 2019. CUHK.
- Transferable Clean-Label Poisoning Attacks on Deep Neural Nets. May 2019. University of Maryland, United States Naval Academy, Cornell University.
- Random Expert Distillation: Imitation Learning via Expert Policy Support Estimation. May 2019. ICL.
- Provable Guarantees for Gradient-Based Meta-Learning. May 2019. ICML 2019. CMU, Determined AI.
- BrainTorrent: A Peer-to-Peer Environment for Decentralized Federated Learning. May 2019. LMU Munich, Technische Universitat Munchen.
- Autonomous Vehicle Control: End-to-end Learning in Simulated Urban Environments. May 2019. Norwegian University of Science and Technology.
- INFERRING JAVASCRIPT TYPES USING GRAPH NEURAL NETWORKS. May 2019. ICLR 2019. Prodo Tech Ltd (London).
- Neural Separation of Observed and Unobserved Distributions. May 2019. ICML 2019. The Hebrew University of Jerusalem, Google, FAIR.
- DEEP PREDICTIVE CODING NETWORKS FOR VIDEO PREDICTION AND UNSUPERVISED LEARNING. Mar 2017. ICLR 2017. Harvard.
- Effective Sentence Scoring Method using Bidirectional Language Model for Speech Recognition. May 2019. Seoul National University.
- Vision-based Robotic Grasping from Object Localization, Pose Estimation, Grasp Detection to Motion Planning: A Review. May 2019. Cloudminds Technologies
- Legal Judgment Prediction via Multi-Perspective Bi-Feedback Network. May 2019. Shanghai Jiao Tong University, University of Macau.
- Ethics of Artificial Intelligence Demarcations. May 2019. Oslo Metropolitan University.
- Hierarchical Long-term Video Prediction without Supervision. June 2018. ICML 2018. Google Brain, UMich.
- Stochastic Adversarial Video Prediction. Apr 2018. UC Berkeley.
- Causal models for data-driven debugging and decision making in cloud computing. June 2019. Max Planck Institute for Intelligent Systems, Univeristy of Cambridge.
- Automatically Identifying Complaints in Social Media. June 2019. Bloomberg, Politehnica University of Bucharest, University of Sheffield.
- Time-Series Anomaly Detection Service at Microsoft. June 2019. Microsoft. [HighPri]
- Devil is in the Edges: Learning Semantic Boundaries from Noisy Annotations. June 2019. NVIDIA, University of Toronto, Vector Institute. [HighPri]
- NTU RGB+D 120: A Large-Scale Benchmark for 3D Human Activity Understanding. June 2019. Nanyang Technological University (Singapore), Chalmers University of Technology (Sweden), Peking University, Alibaba.
- UniDual: A Unified Model for Image and Video Understanding. June 2019. FAIR
- Machine Learning at Microsoft with ML.NET. May 2019. Microsoft, Yandex. [HighPri]
- OVSNet : Towards One-Pass Real-Time Video Object Segmentation. May 2019. Zhejiang University, SenseTime Research, Tianjin University. [HighPri]
- Efficient Segmentation: Learning Downsampling Near Semantic Boundaries. July 2019. University of Waterloo, Facebook, TAL Education (China)
- Real-time Hair Segmentation and Recoloring on Mobile GPUs. July 2019. Google.
- How much real data do we actually need: Analyzing object detection performance using synthetic and real data. July 2019. ICML Workshop on AI for Autonomous Driving 2019. Sensor Cortek Inc., University of Ottawa, Valeo AI
- Understanding Neural Networks via Feature Visualization: A survey. Apr 2019. Auburn University, Uber AI Labs, University of Wyoming. [HighPri]
- M3D-RPN: Monocular 3D Region Proposal Network for Object Detection. July 2019. Michigan State University. [HighPri]
- R-TRANSFORMER: RECURRENT NEURAL NETWORK ENHANCED TRANSFORMER. July 2019. Michigan State University, TAL Education Group [HighPri]
- AM-LFS: AutoML for Loss Function Search. May 2019. SenseTime, The University of Sydney. [HighPri]
- EdgeSegNet: A Compact Network for Semantic Segmentation. May 2019. ICML 2019. University of Waterloo, DarwinAI Corp., Waterloo Artificial Intelligence Institute. "EdgeSegNet is well-suited for low-power edge scenarios"
- Cascade RetinaNet: Maintaining Consistency for Single-Stage Object Detection. July 2019. CAS, University of Chinese Academy of Sciences, CAS Center for Excellence in Brain Science and Intelligence Technology