1. Measuring Coding Challenge Competence With APPS
Dan Hendrycks, Steven Basart, Saurav Kadavath, Mantas Mazeika, Akul Arora, Ethan Guo, Collin Burns, Samir Puranik, Horace He, Dawn Song, Jacob Steinhardt
While programming is one of the most broadly applicable skills in modern society, modern machine learning models still cannot code solutions to basic problems. It can be difficult to accurately assess code generation performance, and there has been surprisingly little work on evaluating code generation in a way that is both flexible and rigorous. To meet this challenge, we introduce APPS, a benchmark for code generation. Unlike prior work in more restricted settings, our benchmark measures the ability of models to take an arbitrary natural language specification and generate Python code fulfilling this specification. Similar to how companies assess candidate software developers, we then evaluate models by checking their generated code on test cases. Our benchmark includes 10,000 problems, which range from having simple one-line solutions to being substantial algorithmic challenges. We fine-tune large language models on both GitHub and our training set, and we find that the prevalence of syntax errors is decreasing exponentially. Recent models such as GPT-Neo can pass approximately 15% of the test cases of introductory problems, so we find that machine learning models are beginning to learn how to code. As the social significance of automatic code generation increases over the coming years, our benchmark can provide an important measure for tracking advancements.
Can Transformers crack the coding interview? We collected 10,000 programming problems to find out. GPT-3 isn't very good, but new models like GPT-Neo are starting to be able to solve introductory coding challenges.
— Dan Hendrycks (@DanHendrycks) May 21, 2021
paper: https://t.co/90HrYv4QW9
dataset: https://t.co/NGrS7M3VPx pic.twitter.com/XkghbY4eLp
2. DeepDebug: Fixing Python Bugs Using Stack Traces, Backtranslation, and Code Skeletons
Dawn Drain, Colin B. Clement, Guillermo Serrato, Neel Sundaresan
The joint task of bug localization and program repair is an integral part of the software development process. In this work we present DeepDebug, an approach to automated debugging using large, pretrained transformers. We begin by training a bug-creation model on reversed commit data for the purpose of generating synthetic bugs. We apply these synthetic bugs toward two ends. First, we directly train a backtranslation model on all functions from 200K repositories. Next, we focus on 10K repositories for which we can execute tests, and create buggy versions of all functions in those repositories that are covered by passing tests. This provides us with rich debugging information such as stack traces and print statements, which we use to finetune our model which was pretrained on raw source code. Finally, we strengthen all our models by expanding the context window beyond the buggy function itself, and adding a skeleton consisting of that function’s parent class, imports, signatures, docstrings, and method bodies, in order of priority. On the QuixBugs benchmark, we increase the total number of fixes found by over 50%, while also decreasing the false positive rate from 35% to 5% and decreasing the timeout from six hours to one minute. On our own benchmark of executable tests, our model fixes 68% of all bugs on its first attempt without using traces, and after adding traces it fixes 75% on first attempt. We will open-source our framework and validation set for evaluating on executable tests.
DeepDebug: Fixing Python Bugs Using Stack Traces,
— AK (@ak92501) May 21, 2021
Backtranslation, and Code Skeletons
pdf: https://t.co/9sSMlSgTJK
abs: https://t.co/1jQm4r7PTe
an approach to automated debugging using large, pretrained transformers pic.twitter.com/Lvxvqde28A
3. KLUE: Korean Language Understanding Evaluation
Sungjoon Park, Jihyung Moon, Sungdong Kim, Won Ik Cho, Jiyoon Han, Jangwon Park, Chisung Song, Junseong Kim, Yongsook Song, Taehwan Oh, Joohong Lee, Juhyun Oh, Sungwon Lyu, Younghoon Jeong, Inkwon Lee, Sangwoo Seo, Dongjun Lee, Hyunwoo Kim, Myeonghwa Lee, Seongbo Jang, Seungwon Do, Sunkyoung Kim, Kyungtae Lim, Jongwon Lee, Kyumin Park, Jamin Shin, Seonghyun Kim, Lucy Park, Alice Oh, Jungwoo Ha, Kyunghyun Cho Alice Oh Jungwoo Ha Kyunghyun Cho
We introduce Korean Language Understanding Evaluation (KLUE) benchmark. KLUE is a collection of 8 Korean natural language understanding (NLU) tasks, including Topic Classification, Semantic Textual Similarity, Natural Language Inference, Named Entity Recognition, Relation Extraction, Dependency Parsing, Machine Reading Comprehension, and Dialogue State Tracking. We build all of the tasks from scratch from diverse source corpora while respecting copyrights, to ensure accessibility for anyone without any restrictions. With ethical considerations in mind, we carefully design annotation protocols. Along with the benchmark tasks and data, we provide suitable evaluation metrics and fine-tuning recipes for pretrained language models for each task. We furthermore release the pretrained language models (PLM), KLUE-BERT and KLUE-RoBERTa, to help reproduce baseline models on KLUE and thereby facilitate future research. We make a few interesting observations from the preliminary experiments using the proposed KLUE benchmark suite, already demonstrating the usefulness of this new benchmark suite. First, we find KLUE-RoBERTa-large outperforms other baselines, including multilingual PLMs and existing open-source Korean PLMs. Second, we see minimal degradation in performance even when we replace personally identifiable information from the pretraining corpus, suggesting that privacy and NLU capability are not at odds with each other. Lastly, we find that using BPE tokenization in combination with morpheme-level pre-tokenization is effective in tasks involving morpheme-level tagging, detection and generation. In addition to accelerating Korean NLP research, our comprehensive documentation on creating KLUE will facilitate creating similar resources for other languages in the future. KLUE is available at this https URL (https://klue-benchmark.com/).
do you want a language understanding evaluation suite for a new language, but you don’t know where to start? we didn’t either. check out KLUE: https://t.co/DN4Jr4n8LV
— Kyunghyun Cho (@kchonyc) May 21, 2021
Happy to share the first #Korean #NLU benchmark including 8 tasks: #KLUE. More than 30 Korean #NLP researchers from about 20 groups devoted this project. If you want to deep dive in Korean NLP or make your own language NLU benchmark, please check it out!https://t.co/nDYxqgMJvU pic.twitter.com/DPQOMkwIOB
— Jung-Woo Ha (@JungWooHa2) May 21, 2021
4. Birds of a Feather: Capturing Avian Shape Models from Images
Yufu Wang, Nikos Kolotouros, Kostas Daniilidis, Marc Badger
Animals are diverse in shape, but building a deformable shape model for a new species is not always possible due to the lack of 3D data. We present a method to capture new species using an articulated template and images of that species. In this work, we focus mainly on birds. Although birds represent almost twice the number of species as mammals, no accurate shape model is available. To capture a novel species, we first fit the articulated template to each training sample. By disentangling pose and shape, we learn a shape space that captures variation both among species and within each species from image evidence. We learn models of multiple species from the CUB dataset, and contribute new species-specific and multi-species shape models that are useful for downstream reconstruction tasks. Using a low-dimensional embedding, we show that our learned 3D shape space better reflects the phylogenetic relationships among birds than learned perceptual features.
Birds of a Feather: Capturing Avian Shape Models from Images
— AK (@ak92501) May 21, 2021
pdf: https://t.co/C8cIfPLwbf
abs: https://t.co/sGQKamOLlV
project page: https://t.co/i1uEzyRgvN pic.twitter.com/n2fK88NFfT
Birds of a Feather, our CVPR'21 paper; 3D vision in the service of biology (@akanazawa, @Michael_J_Black, @FuaPv, @silvia_zuffi, @KordingLab); https://t.co/JB7FkmP9ZMhttps://t.co/mDdAtewQ60 pic.twitter.com/0mMwYFnSik
— Kostas Daniilidis (@KostasPenn) May 21, 2021
5. More Than Just Attention: Learning Cross-Modal Attentions with Contrastive Constraints
Yuxiao Chen, Jianbo Yuan, Long Zhao, Rui Luo, Larry Davis, Dimitris N. Metaxas
Attention mechanisms have been widely applied to cross-modal tasks such as image captioning and information retrieval, and have achieved remarkable improvements due to its capability to learn fine-grained relevance across different modalities. However, existing attention models could be sub-optimal and lack preciseness because there is no direct supervision involved during training. In this work, we propose Contrastive Content Re-sourcing (CCR) and Contrastive Content Swapping (CCS) constraints to address such limitation. These constraints supervise the training of attention models in a contrastive learning manner without requiring explicit attention annotations. Additionally, we introduce three metrics, namely Attention Precision, Recall and F1-Score, to quantitatively evaluate the attention quality. We evaluate the proposed constraints with cross-modal retrieval (image-text matching) task. The experiments on both Flickr30k and MS-COCO datasets demonstrate that integrating these attention constraints into two state-of-the-art attention-based models improves the model performance in terms of both retrieval accuracy and attention metrics.
More Than Just Attention: Learning Cross-Modal Attentions with Contrastive Constraints
— AK (@ak92501) May 21, 2021
pdf: https://t.co/FoaQbmWa8N
abs: https://t.co/Um8WpIiPuZ pic.twitter.com/GDx1BEqSF5
6. DEHB: Evolutionary Hyberband for Scalable, Robust and Efficient Hyperparameter Optimization
Noor Awad, Neeratyoy Mallik, Frank Hutter
Modern machine learning algorithms crucially rely on several design decisions to achieve strong performance, making the problem of Hyperparameter Optimization (HPO) more important than ever. Here, we combine the advantages of the popular bandit-based HPO method Hyperband (HB) and the evolutionary search approach of Differential Evolution (DE) to yield a new HPO method which we call DEHB. Comprehensive results on a very broad range of HPO problems, as well as a wide range of tabular benchmarks from neural architecture search, demonstrate that DEHB achieves strong performance far more robustly than all previous HPO methods we are aware of, especially for high-dimensional problems with discrete input dimensions. For example, DEHB is up to 1000x faster than random search. It is also efficient in computational time, conceptually simple and easy to implement, positioning it well to become a new default HPO method.
Surprising turn in #HPO and #NAS: we now have DEHB, an evolutionary successor of BOHB that's up to 1000x faster than random search for optimizing 6 NN hypers and up to 32x faster than BOHB on NAS-Bench-B201! #IJCAI21 paper: https://t.co/TTr7ypHhVA Code: https://t.co/vekLg4xiQO pic.twitter.com/yZQKlShOZu
— Frank Hutter (@FrankRHutter) May 21, 2021
7. Efficient and Robust LiDAR-Based End-to-End Navigation
Zhijian Liu, Alexander Amini, Sibo Zhu, Sertac Karaman, Song Han, Daniela Rus
Deep learning has been used to demonstrate end-to-end neural network learning for autonomous vehicle control from raw sensory input. While LiDAR sensors provide reliably accurate information, existing end-to-end driving solutions are mainly based on cameras since processing 3D data requires a large memory footprint and computation cost. On the other hand, increasing the robustness of these systems is also critical; however, even estimating the model’s uncertainty is very challenging due to the cost of sampling-based methods. In this paper, we present an efficient and robust LiDAR-based end-to-end navigation framework. We first introduce Fast-LiDARNet that is based on sparse convolution kernel optimization and hardware-aware model design. We then propose Hybrid Evidential Fusion that directly estimates the uncertainty of the prediction from only a single forward pass and then fuses the control predictions intelligently. We evaluate our system on a full-scale vehicle and demonstrate lane-stable as well as navigation capabilities. In the presence of out-of-distribution events (e.g., sensor failures), our system significantly improves robustness and reduces the number of takeovers in the real world.
Efficient and Robust LiDAR-Based End-to-End Navigation
— AK (@ak92501) May 21, 2021
pdf: https://t.co/4w4oaki55v
abs: https://t.co/HcioNC3RWS
project page: https://t.co/zvf6xZ03DC pic.twitter.com/b0w3PeRO6D
8. Contrastive Learning for Many-to-many Multilingual Neural Machine Translation
Xiao Pan, Mingxuan Wang, Liwei Wu, Lei Li
Existing multilingual machine translation approaches mainly focus on English-centric directions, while the non-English directions still lag behind. In this work, we aim to build a many-to-many translation system with an emphasis on the quality of non-English language directions. Our intuition is based on the hypothesis that a universal cross-language representation leads to better multilingual translation performance. To this end, we propose \method, a training method to obtain a single unified multilingual translation model. mCOLT is empowered by two techniques: (i) a contrastive learning scheme to close the gap among representations of different languages, and (ii) data augmentation on both multiple parallel and monolingual data to further align token representations. For English-centric directions, mCOLT achieves competitive or even better performance than a strong pre-trained model mBART on tens of WMT benchmarks. For non-English directions, mCOLT achieves an improvement of average 10+ BLEU compared with the multilingual baseline.
Contrastive Learning for Many-to-many Multilingual Neural Machine Translation
— AK (@ak92501) May 21, 2021
pdf: https://t.co/hO23mqH207
abs: https://t.co/Q55KIDjqjI
contrastive learning can significantly improve zero-shot machine translation directions pic.twitter.com/1qdsZFNRA4
9. VTNet: Visual Transformer Network for Object Goal Navigation
Heming Du, Xin Yu, Liang Zheng
Object goal navigation aims to steer an agent towards a target object based on observations of the agent. It is of pivotal importance to design effective visual representations of the observed scene in determining navigation actions. In this paper, we introduce a Visual Transformer Network (VTNet) for learning informative visual representation in navigation. VTNet is a highly effective structure that embodies two key properties for visual representations: First, the relationships among all the object instances in a scene are exploited; Second, the spatial locations of objects and image regions are emphasized so that directional navigation signals can be learned. Furthermore, we also develop a pre-training scheme to associate the visual representations with navigation signals, and thus facilitate navigation policy learning. In a nutshell, VTNet embeds object and region features with their location cues as spatial-aware descriptors and then incorporates all the encoded descriptors through attention operations to achieve informative representation for navigation. Given such visual representations, agents are able to explore the correlations between visual observations and navigation actions. For example, an agent would prioritize “turning right” over “turning left” when the visual representation emphasizes on the right side of activation map. Experiments in the artificial environment AI2-Thor demonstrate that VTNet significantly outperforms state-of-the-art methods in unseen testing environments.
VTNet: Visual Transformer Network for Object Goal Navigation
— AK (@ak92501) May 21, 2021
pdf: https://t.co/jWu7ALSGdb
abs: https://t.co/ABuqCPdVin
a spatial-enhanced local object descriptor and positional global descriptor, fused via multi-head attention to achieve final visual representation pic.twitter.com/7uK4IQgr0C