source
sequence
source_labels
sequence
rouge_scores
sequence
paper_id
stringlengths
9
11
target
sequence
[ "Common-sense physical reasoning is an essential ingredient for any intelligent agent operating in the real-world.", "For example, it can be used to simulate the environment, or to infer the state of parts of the world that are currently unobserved.", "In order to match real-world conditions this causal knowledge must be learned without access to supervised data.", "To address this problem we present a novel method that learns to discover objects and model their physical interactions from raw visual images in a purely unsupervised fashion.", "It incorporates prior knowledge about the compositional nature of human perception to factor interactions between object-pairs and learn efficiently.", "On videos of bouncing balls we show the superior modelling capabilities of our method compared to other unsupervised neural approaches that do not incorporate such prior knowledge.", "We demonstrate its ability to handle occlusion and show that it can extrapolate learned knowledge to scenes with different numbers of objects." ]
[ 0, 0, 0, 1, 0, 0, 0 ]
[ 0.14999999105930328, 0.08888888359069824, 0.04878048226237297, 0.7692307829856873, 0.13636362552642822, 0.11764705181121826, 0.21739129722118378 ]
ryH20GbRW
[ "We introduce a novel approach to common-sense physical reasoning that learns to discover objects and model their physical interactions from raw visual images in a purely unsupervised fashion" ]
[ "The idea that neural networks may exhibit a bias towards simplicity has a long history.", "Simplicity bias provides a way to quantify this intuition. ", "It predicts, for a broad class of input-output maps which can describe many systems in science and engineering, that simple outputs are exponentially more likely to occur upon uniform random sampling of inputs than complex outputs are. ", "This simplicity bias behaviour has been observed for systems ranging from the RNA sequence to secondary structure map, to systems of coupled differential equations, to models of plant growth. ", "Deep neural networks can be viewed as a mapping from the space of parameters (the weights) to the space of functions (how inputs get transformed to outputs by the network). ", "We show that this parameter-function map obeys the necessary conditions for simplicity bias, and numerically show that it is hugely biased towards functions with low descriptional complexity. ", "We also demonstrate a Zipf like power-law probability-rank relation. ", "A bias towards simplicity may help explain why neural nets generalize so well." ]
[ 0, 0, 0, 0, 0, 1, 0, 0 ]
[ 0.19999998807907104, 0.1666666567325592, 0.19672130048274994, 0.19230768084526062, 0.19230768084526062, 0.23076923191547394, 0, 0.1538461446762085 ]
r1l9jy39p4
[ "A very strong bias towards simple outpouts is observed in many simple input-ouput maps. The parameter-function map of deep networks is found to be biased in the same way." ]
[ "Imitation Learning (IL) is an appealing approach to learn desirable autonomous behavior.", "However, directing IL to achieve arbitrary goals is difficult.", "In contrast, planning-based algorithms use dynamics models and reward functions to achieve goals.", "Yet, reward functions that evoke desirable behavior are often difficult to specify.", "In this paper, we propose \"Imitative Models\" to combine the benefits of IL and goal-directed planning.", "Imitative Models are probabilistic predictive models of desirable behavior able to plan interpretable expert-like trajectories to achieve specified goals.", "We derive families of flexible goal objectives, including constrained goal regions, unconstrained goal sets, and energy-based goals.", "We show that our method can use these objectives to successfully direct behavior.", "Our method substantially outperforms six IL approaches and a planning-based approach in a dynamic simulated autonomous driving task, and is efficiently learned from expert demonstrations without online data collection. ", "We also show our approach is robust to poorly-specified goals, such as goals on the wrong side of the road." ]
[ 0, 0, 0, 0, 0, 1, 0, 0, 0, 0 ]
[ 0.1463414579629898, 0.21052631735801697, 0.2857142686843872, 0.1463414579629898, 0.5777778029441833, 0.7234042286872864, 0.13636362552642822, 0.0952380895614624, 0.07017543166875839, 0.1666666567325592 ]
Skl4mRNYDr
[ "In this paper, we propose Imitative Models to combine the benefits of IL and goal-directed planning: probabilistic predictive models of desirable behavior able to plan interpretable expert-like trajectories to achieve specified goals." ]
[ "Learning communication via deep reinforcement learning has recently been shown to be an effective way to solve cooperative multi-agent tasks.", "However, learning which communicated information is beneficial for each agent's decision-making remains a challenging task.", "In order to address this problem, we introduce a fully differentiable framework for communication and reasoning, enabling agents to solve cooperative tasks in partially-observable environments.", "The framework is designed to facilitate explicit reasoning between agents, through a novel memory-based attention network that can learn selectively from its past memories.", "The model communicates through a series of reasoning steps that decompose each agent's intentions into learned representations that are used first to compute the relevance of communicated information, and second to extract information from memories given newly received information.", "By selectively interacting with new information, the model effectively learns a communication protocol directly, in an end-to-end manner.", "We empirically demonstrate the strength of our model in cooperative multi-agent tasks, where inter-agent communication and reasoning over prior information substantially improves performance compared to baselines." ]
[ 0, 0, 0, 0, 0, 0, 1 ]
[ 0.13793103396892548, 0.07999999821186066, 0.11764705181121826, 0.05882352590560913, 0.04444444179534912, 0.0714285671710968, 0.1666666567325592 ]
H1lVIxHtPS
[ "Novel architecture of memory based attention mechanism for multi-agent communication." ]
[ "In this paper, we introduce Symplectic ODE-Net (SymODEN), a deep learning framework which can infer the dynamics of a physical system from observed state trajectories.", "To achieve better generalization with fewer training samples, SymODEN incorporates appropriate inductive bias by designing the associated computation graph in a physics-informed manner.", "In particular, we enforce Hamiltonian dynamics with control to learn the underlying dynamics in a transparent way which can then be leveraged to draw insight about relevant physical aspects of the system, such as mass and potential energy.", "In addition, we propose a parametrization which can enforce this Hamiltonian formalism even when the generalized coordinate data is embedded in a high-dimensional space or we can only access velocity data instead of generalized momentum.", "This framework, by offering interpretable, physically-consistent models for physical systems, opens up new possibilities for synthesizing model-based control strategies." ]
[ 0, 0, 1, 0, 0 ]
[ 0.16326530277729034, 0.0416666604578495, 0.2666666507720947, 0.145454540848732, 0.23255813121795654 ]
ryxmb1rKDS
[ "This work enforces Hamiltonian dynamics with control to learn system models from embedded position and velocity data, and exploits this physically-consistent dynamics to synthesize model-based control via energy shaping." ]
[ "Federated learning, where a global model is trained by iterative parameter averaging of locally-computed updates, is a promising approach for distributed training of deep networks; it provides high communication-efficiency and privacy-preservability, which allows to fit well into decentralized data environments, e.g., mobile-cloud ecosystems.", "However, despite the advantages, the federated learning-based methods still have a challenge in dealing with non-IID training data of local devices (i.e., learners).", "In this regard, we study the effects of a variety of hyperparametric conditions under the non-IID environments, to answer important concerns in practical implementations:", "(i) We first investigate parameter divergence of local updates to explain performance degradation from non-IID data.", "The origin of the parameter divergence is also found both empirically and theoretically.", "(ii) We then revisit the effects of optimizers, network depth/width, and regularization techniques; our observations show that the well-known advantages of the hyperparameter optimization strategies could rather yield diminishing returns with non-IID data.", "(iii) We finally provide the reasons of the failure cases in a categorized way, mainly based on metrics of the parameter divergence." ]
[ 0, 0, 0, 0, 0, 1, 0 ]
[ 0.0952380895614624, 0.2666666507720947, 0.1860465109348297, 0.3243243098258972, 0.11764705181121826, 0.4313725531101227, 0.25 ]
SJeOAJStwB
[ "We investigate the internal reasons of our observations, the diminishing effects of the well-known hyperparameter optimization methods on federated learning from decentralized non-IID data." ]
[ "Deep learning models are known to be vulnerable to adversarial examples.", "A practical adversarial attack should require as little as possible knowledge of attacked models T. Current substitute attacks need pre-trained models to generate adversarial examples and their attack success rates heavily rely on the transferability of adversarial examples.", "Current score-based and decision-based attacks require lots of queries for the T. In this study, we propose a novel adversarial imitation attack.", "First, it produces a replica of the T by a two-player game like the generative adversarial networks (GANs).", "The objective of the generative model G is to generate examples which lead D returning different outputs with T. The objective of the discriminative model D is to output the same labels with T under the same inputs.", "Then, the adversarial examples generated by D are utilized to fool the T. Compared with the current substitute attacks, imitation attack can use less training data to produce a replica of T and improve the transferability of adversarial examples.", "Experiments demonstrate that our imitation attack requires less training data than the black-box substitute attacks, but achieves an attack success rate close to the white-box attack on unseen data with no query." ]
[ 1, 0, 0, 0, 0, 0, 0 ]
[ 0.4000000059604645, 0.24390242993831635, 0.25, 0.07692307233810425, 0.05714285373687744, 0.24390242993831635, 0.15789473056793213 ]
SJlVVAEKwS
[ "A novel adversarial imitation attack to fool machine learning models." ]
[ "Stochastic Gradient Descent (SGD) methods using randomly selected batches are widely-used to train neural network (NN) models.", "Performing design exploration to find the best NN for a particular task often requires extensive training with different models on a large dataset, which is very computationally expensive.", "The most straightforward method to accelerate this computation is to distribute the batch of SGD over multiple processors.", "However, large batch training often times leads to degradation in accuracy, poor generalization, and even poor robustness to adversarial attacks. ", "Existing solutions for large batch training either do not work or require massive hyper-parameter tuning.", "To address this issue, we propose a novel large batch training method which combines recent results in adversarial training (to regularize against ``sharp minima'') and second order optimization (to use curvature information to change batch size adaptively during training).", "We extensively evaluate our method on Cifar-10/100, SVHN, TinyImageNet, and ImageNet datasets, using multiple NNs, including residual networks as well as compressed networks such as SqueezeNext. ", "Our new approach exceeds the performance of the existing solutions in terms of both accuracy and the number of SGD iterations (up to 1\\% and $3\\times$, respectively).", "We emphasize that this is achieved without any additional hyper-parameter tuning to tailor our method to any of these experiments.\n" ]
[ 0, 0, 0, 0, 0, 1, 0, 0, 0 ]
[ 0.07407406717538834, 0.054054051637649536, 0.07407406717538834, 0.27586206793785095, 0.1599999964237213, 0.3478260934352875, 0.11764705181121826, 0.0624999962747097, 0 ]
H1lnJ2Rqt7
[ "Large batch size training using adversarial training and second order information" ]
[ "Inspired by neurophysiological discoveries of navigation cells in the mammalian\n", "brain, we introduce the first deep neural network architecture for modeling Egocentric\n", "Spatial Memory (ESM).", "It learns to estimate the pose of the agent and\n", "progressively construct top-down 2D global maps from egocentric views in a spatially\n", "extended environment.", "During the exploration, our proposed ESM network\n", "model updates belief of the global map based on local observations using a recurrent\n", "neural network.", "It also augments the local mapping with a novel external\n", "memory to encode and store latent representations of the visited places based on\n", "their corresponding locations in the egocentric coordinate.", "This enables the agents\n", "to perform loop closure and mapping correction.", "This work contributes in the\n", "following aspects: first, our proposed ESM network provides an accurate mapping\n", "ability which is vitally important for embodied agents to navigate to goal locations.\n", "In the experiments, we demonstrate the functionalities of the ESM network in\n", "random walks in complicated 3D mazes by comparing with several competitive\n", "baselines and state-of-the-art Simultaneous Localization and Mapping (SLAM)\n", "algorithms.", "Secondly, we faithfully hypothesize the functionality and the working\n", "mechanism of navigation cells in the brain.", "Comprehensive analysis of our model\n", "suggests the essential role of individual modules in our proposed architecture and\n", "demonstrates efficiency of communications among these modules.", "We hope this\n", "work would advance research in the collaboration and communications over both\n", "fields of computer science and computational neuroscience." ]
[ 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0 ]
[ 0.5517241358757019, 0.4516128897666931, 0.1818181723356247, 0.0714285671710968, 0.06451612710952759, 0.07692307233810425, 0.060606054961681366, 0, 0.0624999962747097, 0.07692307233810425, 0, 0, 0.0833333283662796, 0.06666666269302368, 0.0624999962747097, 0.20689654350280762, 0.13333332538604736, 0, 0, 0.38461539149284363, 0.0833333283662796, 0.12903225421905518, 0.07692307233810425, 0, 0.06666666269302368, 0.07692307233810425 ]
SkmM6M_pW
[ "first deep neural network for modeling Egocentric Spatial Memory inspired by neurophysiological discoveries of navigation cells in mammalian brain" ]
[ "We show that if the usual training loss is augmented by a Lipschitz regularization term, then the networks generalize. ", "We prove generalization by first establishing a stronger convergence result, along with a rate of convergence. ", "A second result resolves a question posed in Zhang et al. (2016): how can a model distinguish between the case of clean labels, and randomized labels? ", "Our answer is that Lipschitz regularization using the Lipschitz constant of the clean data makes this distinction. ", "In this case, the model learns a different function which we hypothesize correctly fails to learn the dirty labels. " ]
[ 1, 0, 0, 0, 0 ]
[ 0.380952388048172, 0.31578946113586426, 0.375, 0.20512819290161133, 0.1428571343421936 ]
r1l3NiCqY7
[ "We prove generalization of DNNs by adding a Lipschitz regularization term to the training loss. We resolve a question posed in Zhang et al. (2016)." ]
[ "For fast and energy-efficient deployment of trained deep neural networks on resource-constrained embedded hardware, each learned weight parameter should ideally be represented and stored using a single bit. ", "Error-rates usually increase when this requirement is imposed.", "Here, we report large improvements in error rates on multiple datasets, for deep convolutional neural networks deployed with 1-bit-per-weight.", "Using wide residual networks as our main baseline, our approach simplifies existing methods that binarize weights by applying the sign function in training; we apply scaling factors for each layer with constant unlearned values equal to the layer-specific standard deviations used for initialization.", "For CIFAR-10, CIFAR-100 and ImageNet, and models with 1-bit-per-weight requiring less than 10 MB of parameter memory, we achieve error rates of 3.9%, 18.5% and 26.0% / 8.5% (Top-1 / Top-5) respectively.", "We also considered MNIST, SVHN and ImageNet32, achieving 1-bit-per-weight test results of 0.27%, 1.9%, and 41.3% / 19.1% respectively.", "For CIFAR, our error rates halve previously reported values, and are within about 1% of our error-rates for the same network with full-precision weights.", "For networks that overfit, we also show significant improvements in error rate by not learning batch normalization scale and offset parameters.", "This applies to both full precision and 1-bit-per-weight networks.", "Using a warm-restart learning-rate schedule, we found that training for 1-bit-per-weight is just as fast as full-precision networks, with better accuracy than standard schedules, and achieved about 98%-99% of peak performance in just 62 training epochs for CIFAR-10/100.", "For full training code and trained models in MATLAB, Keras and PyTorch see https://github.com/McDonnell-Lab/1-bit-per-weight/ ." ]
[ 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0 ]
[ 0.25925925374031067, 0, 0.2222222238779068, 0.24242423474788666, 0.07017543166875839, 0.0416666604578495, 0.08163265138864517, 0.08510638028383255, 0.05714285373687744, 0.23333333432674408, 0 ]
rytNfI1AZ
[ "We train wide residual networks that can be immediately deployed using only a single bit for each convolutional weight, with signficantly better accuracy than past methods." ]
[ "This paper presents a system for immersive visualization of Non-Euclidean spaces using real-time ray tracing.", "It exploits the capabilities of the new generation of GPU’s based on the NVIDIA’s Turing architecture in order to develop new methods for intuitive exploration of landscapes featuring non-trivial geometry and topology in virtual reality." ]
[ 1, 0 ]
[ 0.23076923191547394, 0.09999999403953552 ]
hPqt8zfmbi
[ "Immersive Visualization of the Classical Non-Euclidean Spaces using Real-Time Ray Tracing." ]
[ "We propose the set autoencoder, a model for unsupervised representation learning for sets of elements.", "It is closely related to sequence-to-sequence models, which learn fixed-sized latent representations for sequences, and have been applied to a number of challenging supervised sequence tasks such as machine translation, as well as unsupervised representation learning for sequences.\n", "In contrast to sequences, sets are permutation invariant.", "The proposed set autoencoder considers this fact, both with respect to the input as well as the output of the model.", "On the input side, we adapt a recently-introduced recurrent neural architecture using a content-based attention mechanism.", "On the output side, we use a stable marriage algorithm to align predictions to labels in the learning phase.\n", "We train the model on synthetic data sets of point clouds and show that the learned representations change smoothly with translations in the inputs, preserve distances in the inputs, and that the set size is represented directly.", "We apply the model to supervised tasks on the point clouds using the fixed-size latent representation.", "For a number of difficult classification problems, the results are better than those of a model that does not consider the permutation invariance.", "Especially for small training sets, the set-aware model benefits from unsupervised pretraining." ]
[ 1, 0, 0, 0, 0, 0, 0, 0, 0, 0 ]
[ 1, 0.2448979616165161, 0.09090908616781235, 0.25, 0.13793103396892548, 0.1875, 0.2790697515010834, 0.2857142686843872, 0.23529411852359772, 0.307692289352417 ]
r1tJKuyRZ
[ "We propose the set autoencoder, a model for unsupervised representation learning for sets of elements." ]
[ "Deep reinforcement learning algorithms can learn complex behavioral skills, but real-world application of these methods requires a considerable amount of experience to be collected by the agent.", "In practical settings, such as robotics, this involves repeatedly attempting a task, resetting the environment between each attempt.", "However, not all tasks are easily or automatically reversible.", "In practice, this learning process requires considerable human intervention.", "In this work, we propose an autonomous method for safe and efficient reinforcement learning that simultaneously learns a forward and backward policy, with the backward policy resetting the environment for a subsequent attempt.", "By learning a value function for the backward policy, we can automatically determine when the forward policy is about to enter a non-reversible state, providing for uncertainty-aware safety aborts.", "Our experiments illustrate that proper use of the backward policy can greatly reduce the number of manual resets required to learn a task and can reduce the number of unsafe actions that lead to non-reversible states." ]
[ 0, 0, 0, 0, 1, 0, 0 ]
[ 0.15686273574829102, 0.23255813121795654, 0, 0.05882352590560913, 0.9056603908538818, 0.31372547149658203, 0.23076923191547394 ]
S1vuO-bCW
[ "We propose an autonomous method for safe and efficient reinforcement learning that simultaneously learns a forward and backward policy, with the backward policy resetting the environment for a subsequent attempt." ]
[ "It has been argued that current machine learning models do not have commonsense, and therefore must be hard-coded with prior knowledge (Marcus, 2018).", "Here we show surprising evidence that language models can already learn to capture certain common sense knowledge.", "Our key observation is that a language model can compute the probability of any statement, and this probability can be used to evaluate the truthfulness of that statement. ", "On the Winograd Schema Challenge (Levesque et al., 2011), language models are 11% higher in accuracy than previous state-of-the-art supervised methods.", "Language models can also be fine-tuned for the task of Mining Commonsense Knowledge on ConceptNet to achieve an F1 score of 0.912 and 0.824, outperforming previous best results (Jastrzebskiet al., 2018). ", "Further analysis demonstrates that language models can discover unique features of Winograd Schema contexts that decide the correct answers without explicit supervision." ]
[ 0, 1, 0, 0, 0, 0 ]
[ 0.1818181723356247, 0.2631579041481018, 0.08888888359069824, 0.1860465109348297, 0.2222222238779068, 0.1428571343421936 ]
rkgfWh0qKX
[ "We present evidence that LMs do capture common sense with state-of-the-art results on both Winograd Schema Challenge and Commonsense Knowledge Mining." ]
[ "In many real-world learning scenarios, features are only acquirable at a cost constrained under a budget.", "In this paper, we propose a novel approach for cost-sensitive feature acquisition at the prediction-time.", "The suggested method acquires features incrementally based on a context-aware feature-value function.", "We formulate the problem in the reinforcement learning paradigm, and introduce a reward function based on the utility of each feature.", "Specifically, MC dropout sampling is used to measure expected variations of the model uncertainty which is used as a feature-value function.", "Furthermore, we suggest sharing representations between the class predictor and value function estimator networks.", "The suggested approach is completely online and is readily applicable to stream learning setups.", "The solution is evaluated on three different datasets including the well-known MNIST dataset as a benchmark as well as two cost-sensitive datasets: Yahoo Learning to Rank and a dataset in the medical domain for diabetes classification.", "According to the results, the proposed method is able to efficiently acquire features and make accurate predictions." ]
[ 0, 1, 0, 0, 0, 0, 0, 0, 0 ]
[ 0, 0.25, 0, 0.1428571343421936, 0, 0.08695651590824127, 0.1818181723356247, 0.09999999403953552, 0.0833333283662796 ]
S1eOHo09KX
[ "An online algorithm for cost-aware feature acquisition and prediction" ]
[ "This paper revisits the problem of sequence modeling using convolutional \n", "architectures.", " Although both convolutional and recurrent architectures have", "a\nlong history in sequence prediction, the current \"default\" mindset in much of\n", "the deep learning community is that generic sequence modeling is best handled\n", "using recurrent networks.", " The goal of this paper is to question this assumption", ". \nSpecifically, we consider a simple generic temporal convolution network (TCN", "),\nwhich adopts features from modern ConvNet architectures such as a dilations and \n", "residual connections.", " We show that on a variety of sequence modeling tasks", ",\nincluding many frequently used as benchmarks for evaluating recurrent networks", ",\nthe TCN outperforms baseline RNN methods (LSTMs, GRUs, and vanilla RNNs) and\n", "sometimes even highly specialized approaches.", " We further show that the\n", "potential \"infinite memory\" advantage that RNNs have over TCNs is largely\n", "absent in practice: TCNs indeed exhibit longer effective history sizes than their \n", "recurrent counterparts.", " As a whole, we argue that it may be time to (re)consider \n", "ConvNets as the default \"go to\" architecture for sequence modeling." ]
[ 0, 0, 0, 0, 0, 0, 0, 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0 ]
[ 0.307692289352417, 0.08695651590824127, 0.1428571343421936, 0.29629629850387573, 0.10526315867900848, 0, 0, 0, 0.38461539149284363, 0.14814814925193787, 0.0714285671710968, 0, 0.2857142686843872, 0.07407406717538834, 0, 0.2142857164144516, 0.38461539149284363 ]
rk8wKk-R-
[ "We argue that convolutional networks should be considered the default starting point for sequence modeling tasks." ]
[ "Deep neural networks work well at approximating complicated functions when provided with data and trained by gradient descent methods.", "At the same time, there is a vast amount of existing functions that programmatically solve different tasks in a precise manner eliminating the need for training.", "In many cases, it is possible to decompose a task to a series of functions, of which for some we may prefer to use a neural network to learn the functionality, while for others the preferred method would be to use existing black-box functions.", "We propose a method for end-to-end training of a base neural network that integrates calls to existing black-box functions.", "We do so by approximating the black-box functionality with a differentiable neural network in a way that drives the base network to comply with the black-box function interface during the end-to-end optimization process.", "At inference time, we replace the differentiable estimator with its external black-box non-differentiable counterpart such that the base network output matches the input arguments of the black-box function.", "Using this ``Estimate and Replace'' paradigm, we train a neural network, end to end, to compute the input to black-box functionality while eliminating the need for intermediate labels.", "We show that by leveraging the existing precise black-box function during inference, the integrated model generalizes better than a fully differentiable model, and learns more efficiently compared to RL-based methods." ]
[ 0, 0, 0, 0, 1, 0, 0, 0 ]
[ 0.1395348757505417, 0.1666666567325592, 0.13793103396892548, 0.1904761791229248, 0.23999999463558197, 0.1666666567325592, 0.16326530277729034, 0.15094339847564697 ]
r1e13s05YX
[ "Training DNNs to interface w\\ black box functions w\\o intermediate labels by using an estimator sub-network that can be replaced with the black box after training" ]
[ "This paper proposes a new actor-critic-style algorithm called Dual Actor-Critic or Dual-AC. ", "It is derived in a principled way from the Lagrangian dual form of the Bellman optimality equation, which can be viewed as a two-player game between the actor and a critic-like function, which is named as dual critic. ", "Compared to its actor-critic relatives, Dual-AC has the desired property that the actor and dual critic are updated cooperatively to optimize the same objective function, providing a more transparent way for learning the critic that is directly related to the objective function of the actor.", "We then provide a concrete algorithm that can effectively solve the minimax optimization problem, using techniques of multi-step bootstrapping, path regularization, and stochastic dual ascent algorithm.", "We demonstrate that the proposed algorithm achieves the state-of-the-art performances across several benchmarks." ]
[ 0, 1, 0, 0, 0 ]
[ 0.1904761791229248, 0.5, 0.1904761791229248, 0.2222222238779068, 0.4390243887901306 ]
BkUp6GZRW
[ "We propose Dual Actor-Critic algorithm, which is derived in a principled way from the Lagrangian dual form of the Bellman optimality equation. The algorithm achieves the state-of-the-art performances across several benchmarks." ]
[ "Training a model to perform a task typically requires a large amount of data from the domains in which the task will be applied.", "However, it is often the case that data are abundant in some domains but scarce in others.", "Domain adaptation deals with the challenge of adapting a model trained from a data-rich source domain to perform well in a data-poor target domain.", "In general, this requires learning plausible mappings between domains.", "CycleGAN is a powerful framework that efficiently learns to map inputs from one domain to another using adversarial training and a cycle-consistency constraint.", "However, the conventional approach of enforcing cycle-consistency via reconstruction may be overly restrictive in cases where one or more domains have limited training data.", "In this paper, we propose an augmented cyclic adversarial learning model that enforces the cycle-consistency constraint via an external task specific model, which encourages the preservation of task-relevant content as opposed to exact reconstruction.", "This task specific model both relaxes the cycle-consistency constraint and complements the role of the discriminator during training, serving as an augmented information source for learning the mapping.", "We explore adaptation in speech and visual domains in low resource in supervised setting.", "In speech domains, we adopt a speech recognition model from each domain as the task specific model.", "Our approach improves absolute performance of speech recognition by 2% for female speakers in the TIMIT dataset, where the majority of training samples are from male voices.", "In low-resource visual domain adaptation, the results show that our approach improves absolute performance by 14% and 4% when adapting SVHN to MNIST and vice versa, respectively, which outperforms unsupervised domain adaptation methods that require high-resource unlabeled target domain. \n" ]
[ 0, 0, 0, 0, 0, 0, 0, 0, 0, 1, 0, 0 ]
[ 0.1764705777168274, 0.06666666269302368, 0.22857142984867096, 0.08695651590824127, 0.17142856121063232, 0.052631575614213943, 0.21739129722118378, 0.1538461446762085, 0.1538461446762085, 0.27586206793785095, 0.10256409645080566, 0.11999999731779099 ]
HJxjSR5so7
[ "A robust domain adaptation by employing a task specific loss in cyclic adversarial learning" ]
[ "The success of popular algorithms for deep reinforcement learning, such as policy-gradients and Q-learning, relies heavily on the availability of an informative reward signal at each timestep of the sequential decision-making process.", "When rewards are only sparsely available during an episode, or a rewarding feedback is provided only after episode termination, these algorithms perform sub-optimally due to the difficultly in credit assignment.", "Alternatively, trajectory-based policy optimization methods, such as cross-entropy method and evolution strategies, do not require per-timestep rewards, but have been found to suffer from high sample complexity by completing forgoing the temporal nature of the problem.", "Improving the efficiency of RL algorithms in real-world problems with sparse or episodic rewards is therefore a pressing need.", "In this work, we introduce a self-imitation learning algorithm that exploits and explores well in the sparse and episodic reward settings.", "We view each policy as a state-action visitation distribution and formulate policy optimization as a divergence minimization problem.", "We show that with Jensen-Shannon divergence, this divergence minimization problem can be reduced into a policy-gradient algorithm with shaped rewards learned from experience replays.", "Experimental results indicate that our algorithm works comparable to existing algorithms in environments with dense rewards, and significantly better in environments with sparse and episodic rewards.", "We then discuss limitations of self-imitation learning, and propose to solve them by using Stein variational policy gradient descent with the Jensen-Shannon kernel to learn multiple diverse policies.", "We demonstrate its effectiveness on a challenging variant of continuous-control MuJoCo locomotion tasks." ]
[ 0, 0, 0, 0, 0, 0, 1, 0, 0, 0 ]
[ 0.07843136787414551, 0.07843136787414551, 0.14035087823867798, 0.1463414579629898, 0.0952380895614624, 0.10810810327529907, 0.2222222238779068, 0.09090908616781235, 0.16326530277729034, 0 ]
HyxzRsR9Y7
[ "Policy optimization by using past good rollouts from the agent; learning shaped rewards via divergence minimization; SVPG with JS-kernel for population-based exploration." ]
[ "We study the precise mechanisms which allow autoencoders to encode and decode a simple geometric shape, the disk.", "In this carefully controlled setting, we are able to describe the specific form of the optimal solution to the minimisation problem of the training step.", "We show that the autoencoder indeed approximates this solution during training.", "Secondly, we identify a clear failure in the generalisation capacity of the autoencoder, namely its inability to interpolate data.", "Finally, we explore several regularisation schemes to resolve the generalisation problem.", "Given the great attention that has been recently given to the generative capacity of neural networks, we believe that studying in depth simple geometric cases sheds some light on the generation process and can provide a minimal requirement experimental setup for more complex architectures. \n" ]
[ 1, 0, 0, 0, 0, 0 ]
[ 0.3478260934352875, 0.12244897335767746, 0.09999999403953552, 0.25531914830207825, 0.20000000298023224, 0.2535211145877838 ]
r111KtCp-
[ "We study the functioning of autoencoders in a simple setting and advise new strategies for their regularisation in order to obtain bettre generalisation with latent interpolation in mind for image sythesis. " ]
[ "We present a simple idea that allows to record a speaker in a given language and synthesize their voice in other languages that they may not even know.", "These techniques open a wide range of potential applications such as cross-language communication, language learning or automatic video dubbing.", "We call this general problem multi-language speaker-conditioned speech synthesis and we present a simple but strong baseline for it.\n\n", "Our model architecture is similar to the encoder-decoder Char2Wav model or Tacotron.", "The main difference is that, instead of conditioning on characters or phonemes that are specific to a given language, we condition on a shared phonetic representation that is universal to all languages.", "This cross-language phonetic representation of text allows to synthesize speech in any language while preserving the vocal characteristics of the original speaker.", "Furthermore, we show that fine-tuning the weights of our model allows us to extend our results to speakers outside of the training dataset." ]
[ 1, 0, 0, 0, 0, 0, 0 ]
[ 1, 0.09302324801683426, 0.22727271914482117, 0.05714285373687744, 0.19607841968536377, 0.27272728085517883, 0.1395348757505417 ]
HkltHkBB37
[ "We present a simple idea that allows to record a speaker in a given language and synthesize their voice in other languages that they may not even know." ]
[ "The goal of imitation learning (IL) is to enable a learner to imitate expert behavior given expert demonstrations.", "Recently, generative adversarial imitation learning (GAIL) has shown significant progress on IL for complex continuous tasks.", "However, GAIL and its extensions require a large number of environment interactions during training.", "In real-world environments, the more an IL method requires the learner to interact with the environment for better imitation, the more training time it requires, and the more damage it causes to the environments and the learner itself.", "We believe that IL algorithms could be more applicable to real-world problems if the number of interactions could be reduced. \n", "In this paper, we propose a model-free IL algorithm for continuous control.", "Our algorithm is made up mainly three changes to the existing adversarial imitation learning (AIL) methods –", "(a) adopting off-policy actor-critic (Off-PAC) algorithm to optimize the learner policy,", "(b) estimating the state-action value using off-policy samples without learning reward functions, and", "(c) representing the stochastic policy function so that its outputs are bounded.", "Experimental results show that our algorithm achieves competitive results with GAIL while significantly reducing the environment interactions." ]
[ 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1 ]
[ 0.045454539358615875, 0.13636362552642822, 0.1904761791229248, 0.2222222238779068, 0.1702127605676651, 0.5, 0.08888888359069824, 0.1538461446762085, 0.09756097197532654, 0.09999999403953552, 0.6818181872367859 ]
BkN5UoAqF7
[ "In this paper, we proposed a model-free, off-policy IL algorithm for continuous control. Experimental results showed that our algorithm achieves competitive results with GAIL while significantly reducing the environment interactions." ]
[ "The dominant approach to unsupervised \"style transfer'' in text is based on the idea of learning a latent representation, which is independent of the attributes specifying its \"style''.", "In this paper, we show that this condition is not necessary and is not always met in practice, even with domain adversarial training that explicitly aims at learning such disentangled representations.", "We thus propose a new model that controls several factors of variation in textual data where this condition on disentanglement is replaced with a simpler mechanism based on back-translation.", "Our method allows control over multiple attributes, like gender, sentiment, product type, etc., and a more fine-grained control on the trade-off between content preservation and change of style with a pooling operator in the latent space.", "Our experiments demonstrate that the fully entangled model produces better generations, even when tested on new and more challenging benchmarks comprising reviews with multiple sentences and multiple attributes." ]
[ 1, 0, 0, 0, 0 ]
[ 0.17142856121063232, 0, 0.054054051637649536, 0.09302325546741486, 0.1666666567325592 ]
H1g2NhC5KQ
[ "A system for rewriting text conditioned on multiple controllable attributes" ]
[ "Vanilla RNN with ReLU activation have a simple structure that is amenable to systematic dynamical systems analysis and interpretation, but they suffer from the exploding vs. vanishing gradients problem.", "Recent attempts to retain this simplicity while alleviating the gradient problem are based on proper initialization schemes or orthogonality/unitary constraints on the RNN’s recurrency matrix, which, however, comes with limitations to its expressive power with regards to dynamical systems phenomena like chaos or multi-stability.", "Here, we instead suggest a regularization scheme that pushes part of the RNN’s latent subspace toward a line attractor configuration that enables long short-term memory and arbitrarily slow time scales.", "We show that our approach excels on a number of benchmarks like the sequential MNIST or multiplication problems, and enables reconstruction of dynamical systems which harbor widely different time scales." ]
[ 0, 0, 0, 1 ]
[ 0.25, 0.0923076868057251, 0.3636363446712494, 0.4285714328289032 ]
rylZKTNYPr
[ "We develop a new optimization approach for vanilla ReLU-based RNN that enables long short-term memory and identification of arbitrary nonlinear dynamical systems with widely differing time scales." ]
[ "In the field of Generative Adversarial Networks (GANs), how to design a stable training strategy remains an open problem.", "Wasserstein GANs have largely promoted the stability over the original GANs by introducing Wasserstein distance, but still remain unstable and are prone to a variety of failure modes.", "In this paper, we present a general framework named Wasserstein-Bounded GAN (WBGAN), which improves a large family of WGAN-based approaches by simply adding an upper-bound constraint to the Wasserstein term.", "Furthermore, we show that WBGAN can reasonably measure the difference of distributions which almost have no intersection.", "Experiments demonstrate that WBGAN can stabilize as well as accelerate convergence in the training processes of a series of WGAN-based variants." ]
[ 0, 0, 0, 0, 1 ]
[ 0.060606054961681366, 0.05128204822540283, 0.09302324801683426, 0, 0.12121211737394333 ]
BkxgrAVFwH
[ "Propose an improved framework for WGANs and demonstrate its better performance in theory and practice." ]
[ "Generative models such as Variational Auto Encoders (VAEs) and Generative Adversarial Networks (GANs) are typically trained for a fixed prior distribution in the latent space, such as uniform or Gaussian.\n", "After a trained model is obtained, one can sample the Generator in various forms for exploration and understanding, such as interpolating between two samples, sampling in the vicinity of a sample or exploring differences between a pair of samples applied to a third sample.\n", "In this paper, we show that the latent space operations used in the literature so far induce a distribution mismatch between the resulting outputs and the prior distribution the model was trained on.", "To address this, we propose to use distribution matching transport maps to ensure that such latent space operations preserve the prior distribution, while minimally modifying the original operation. \n", "Our experimental results validate that the proposed operations give higher quality samples compared to the original operations." ]
[ 0, 0, 1, 0, 0 ]
[ 0.2641509473323822, 0.2295081913471222, 0.4150943458080292, 0.38461539149284363, 0.14999999105930328 ]
SyBBgXWAZ
[ "Operations in the GAN latent space can induce a distribution mismatch compared to the training distribution, and we address this using optimal transport to match the distributions. " ]
[ "Neural program embeddings have shown much promise recently for a variety of program analysis tasks, including program synthesis, program repair, code completion, and fault localization.", "However, most existing program embeddings are based on syntactic features of programs, such as token sequences or abstract syntax trees.", "Unlike images and text, a program has well-defined semantics that can be difficult to capture by only considering its syntax (i.e. syntactically similar programs can exhibit vastly different run-time behavior), which makes syntax-based program embeddings fundamentally limited.", "We propose a novel semantic program embedding that is learned from program execution traces.", "Our key insight is that program states expressed as sequential tuples of live variable values not only capture program semantics more precisely, but also offer a more natural fit for Recurrent Neural Networks to model.", "We evaluate different syntactic and semantic program embeddings on the task of classifying the types of errors that students make in their submissions to an introductory programming class and on the CodeHunt education platform.", "Our evaluation results show that the semantic program embeddings significantly outperform the syntactic program embeddings based on token sequences and abstract syntax trees.", "In addition, we augment a search-based program repair system with predictions made from our semantic embedding and demonstrate significantly improved search efficiency.\n" ]
[ 0, 0, 0, 1, 0, 0, 0, 0 ]
[ 0.13333332538604736, 0.1428571343421936, 0.045454543083906174, 0.2857142686843872, 0.09756097197532654, 0.1621621549129486, 0.1428571343421936, 0.19354838132858276 ]
BJuWrGW0Z
[ "A new way of learning semantic program embedding" ]
[ "In this paper, we propose a generalization of the BN algorithm, diminishing batch normalization (DBN), where we update the BN parameters in a diminishing moving average way.", "Batch normalization (BN) is very effective in accelerating the convergence of a neural network training phase that it has become a common practice. \n", "Our proposed DBN algorithm remains the overall structure of the original BN algorithm while introduces a weighted averaging update to some trainable parameters. \n", "We provide an analysis of the convergence of the DBN algorithm that converges to a stationary point with respect to trainable parameters.", "Our analysis can be easily generalized for original BN algorithm by setting some parameters to constant.", "To the best knowledge of authors, this analysis is the first of its kind for convergence with Batch Normalization introduced.", "We analyze a two-layer model with arbitrary activation function. \n", "The primary challenge of the analysis is the fact that some parameters are updated by gradient while others are not. \n", "The convergence analysis applies to any activation function that satisfies our common assumptions.\n", "For the analysis, we also show the sufficient and necessary conditions for the stepsizes and diminishing weights to ensure the convergence. \n", "In the numerical experiments, we use more complex models with more layers and ReLU activation.", "We observe that DBN outperforms the original BN algorithm on Imagenet, MNIST, NI and CIFAR-10 datasets with reasonable complex FNN and CNN models." ]
[ 0, 1, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0 ]
[ 0.2916666567325592, 0.3265306055545807, 0.1666666567325592, 0.31111109256744385, 0.1428571343421936, 0.27272728085517883, 0.1111111044883728, 0.17777776718139648, 0.14999999105930328, 0.22727271914482117, 0.14999999105930328, 0.2083333283662796 ]
SkzK4iC5Ym
[ "We propose a extension of the batch normalization, show a first-of-its-kind convergence analysis for this extension and show in numerical experiments that it has better performance than the original batch normalizatin." ]
[ "Generative models such as Variational Auto Encoders (VAEs) and Generative Adversarial Networks (GANs) are typically trained for a fixed prior distribution in the latent space, such as uniform or Gaussian.", "After a trained model is obtained, one can sample the Generator in various forms for exploration and understanding, such as interpolating between two samples, sampling in the vicinity of a sample or exploring differences between a pair of samples applied to a third sample.", "However, the latent space operations commonly used in the literature so far induce a distribution mismatch between the resulting outputs and the prior distribution the model was trained on.", "Previous works have attempted to reduce this mismatch with heuristic modification to the operations or by changing the latent distribution and re-training models.", "In this paper, we propose a framework for modifying the latent space operations such that the distribution mismatch is fully eliminated.", "Our approach is based on optimal transport maps, which adapt the latent space operations such that they fully match the prior distribution, while minimally modifying the original operation.", "Our matched operations are readily obtained for the commonly used operations and distributions and require no adjustment to the training procedure." ]
[ 0, 0, 0, 0, 1, 0, 0 ]
[ 0.3333333134651184, 0.29032257199287415, 0.6274510025978088, 0.25, 0.6808510422706604, 0.4150943458080292, 0.17777776718139648 ]
BklCusRct7
[ "We propose a framework for modifying the latent space operations such that the distribution mismatch between the resulting outputs and the prior distribution the generative model was trained on is fully eliminated." ]
[ "The problem of building a coherent and non-monotonous conversational agent with proper discourse and coverage is still an area of open research.", "Current architectures only take care of semantic and contextual information for a given query and fail to completely account for syntactic and external knowledge which are crucial for generating responses in a chit-chat system.", "To overcome this problem, we propose an end to end multi-stream deep learning architecture which learns unified embeddings for query-response pairs by leveraging contextual information from memory networks and syntactic information by incorporating Graph Convolution Networks (GCN) over their dependency parse.", "A stream of this network also utilizes transfer learning by pre-training a bidirectional transformer to extract semantic representation for each input sentence and incorporates external knowledge through the neighbourhood of the entities from a Knowledge Base (KB).", "We benchmark these embeddings on next sentence prediction task and significantly improve upon the existing techniques.", "Furthermore, we use AMUSED to represent query and responses along with its context to develop a retrieval based conversational agent which has been validated by expert linguists to have comprehensive engagement with humans." ]
[ 0, 0, 1, 0, 0, 0 ]
[ 0.08510638028383255, 0.2857142686843872, 0.3384615480899811, 0.2295081913471222, 0.09302324801683426, 0.14035087823867798 ]
rJe6t1SFDB
[ "This paper provides a multi -stream end to end approach to learn unified embeddings for query-response pairs in dialogue systems by leveraging contextual, syntactic, semantic and external information together." ]
[ "We examine techniques for combining generalized policies with search algorithms to exploit the strengths and overcome the weaknesses of each when solving probabilistic planning problems.", "The Action Schema Network (ASNet) is a recent contribution to planning that uses deep learning and neural networks to learn generalized policies for probabilistic planning problems.", "ASNets are well suited to problems where local knowledge of the environment can be exploited to improve performance, but may fail to generalize to problems they were not trained on.", "Monte-Carlo Tree Search (MCTS) is a forward-chaining state space search algorithm for optimal decision making which performs simulations to incrementally build a search tree and estimate the values of each state.", "Although MCTS can achieve state-of-the-art results when paired with domain-specific knowledge, without this knowledge, MCTS requires a large number of simulations in order to obtain reliable estimates in the search tree.", "By combining ASNets with MCTS, we are able to improve the capability of an ASNet to generalize beyond the distribution of problems it was trained on, as well as enhance the navigation of the search space by MCTS.\n" ]
[ 1, 0, 0, 0, 0, 0 ]
[ 0.9130434989929199, 0.3478260934352875, 0.1666666567325592, 0.2800000011920929, 0.23999999463558197, 0.25925925374031067 ]
B1gqEZwpvE
[ "Techniques for combining generalized policies with search algorithms to exploit the strengths and overcome the weaknesses of each when solving probabilistic planning problems" ]
[ "Modern deep neural networks can achieve high accuracy when the training distribution and test distribution are identically distributed, but this assumption is frequently violated in practice.", "When the train and test distributions are mismatched, accuracy can plummet.", "Currently there are few techniques that improve robustness to unforeseen data shifts encountered during deployment.", "In this work, we propose a technique to improve the robustness and uncertainty estimates of image classifiers.", "We propose AugMix, a data processing technique that is simple to implement, adds limited computational overhead, and helps models withstand unforeseen corruptions.", "AugMix significantly improves robustness and uncertainty measures on challenging image classification benchmarks, closing the gap between previous methods and the best possible performance in some cases by more than half." ]
[ 0, 0, 0, 1, 0, 0 ]
[ 0.13636362552642822, 0.13333332538604736, 0.1764705777168274, 0.2222222238779068, 0.19512194395065308, 0.12765957415103912 ]
S1gmrxHFvB
[ "We obtain state-of-the-art on robustness to data shifts, and we maintain calibration under data shift even though even when accuracy drops" ]
[ "Automatic Piano Fingering is a hard task which computers can learn using data.", "As data collection is hard and expensive, we propose to automate this process by automatically extracting fingerings from public videos and MIDI files, using computer-vision techniques.", "Running this process on 90 videos results in the largest dataset for piano fingering with more than 150K notes.", "We show that when running a previously proposed model for automatic piano fingering on our dataset and then fine-tuning it on manually labeled piano fingering data, we achieve state-of-the-art results.\n", "In addition to the fingering extraction method, we also introduce a novel method for transferring deep-learning computer-vision models to work on out-of-domain data, by fine-tuning it on out-of-domain augmentation proposed by a Generative Adversarial Network (GAN).\n\n", "For demonstration, we anonymously release a visualization of the output of our process for a single video on https://youtu.be/Gfs1UWQhr5Q" ]
[ 0, 0, 1, 0, 0, 0 ]
[ 0, 0.1904761791229248, 0.2222222238779068, 0.17777776718139648, 0.12244897335767746, 0.05714285373687744 ]
H1MOqeHYvB
[ "We automatically extract fingering information from videos of piano performances, to be used in automatic fingering prediction models." ]
[ "Domain adaptation refers to the problem of leveraging labeled data in a source domain to learn an accurate model in a target domain where labels are scarce or unavailable.", "A recent approach for finding a common representation of the two domains is via domain adversarial training (Ganin & Lempitsky, 2015), which attempts to induce a feature extractor that matches the source and target feature distributions in some feature space.", "However, domain adversarial training faces two critical limitations:", "1) if the feature extraction function has high-capacity, then feature distribution matching is a weak constraint,", "2) in non-conservative domain adaptation (where no single classifier can perform well in both the source and target domains), training the model to do well on the source domain hurts performance on the target domain.", "In this paper, we address these issues through the lens of the cluster assumption, i.e., decision boundaries should not cross high-density data regions.", "We propose two novel and related models:", "1) the Virtual Adversarial Domain Adaptation (VADA) model, which combines domain adversarial training with a penalty term that punishes the violation the cluster assumption;", "2) the Decision-boundary Iterative Refinement Training with a Teacher (DIRT-T) model, which takes the VADA model as initialization and employs natural gradient steps to further minimize the cluster assumption violation.", "Extensive empirical results demonstrate that the combination of these two models significantly improve the state-of-the-art performance on the digit, traffic sign, and Wi-Fi recognition domain adaptation benchmarks." ]
[ 1, 0, 0, 0, 0, 0, 0, 0, 0, 0 ]
[ 0.22857142984867096, 0.08695651590824127, 0.1111111044883728, 0.07999999821186066, 0.22857142984867096, 0.11764705181121826, 0, 0.1875, 0.15789473056793213, 0.22857142984867096 ]
H1q-TM-AW
[ "SOTA on unsupervised domain adaptation by leveraging the cluster assumption." ]
[ "In this paper, we propose Continuous Graph Flow, a generative continuous flow based method that aims to model complex distributions of graph-structured data. ", "Once learned, the model can be applied to an arbitrary graph, defining a probability density over the random variables represented by the graph.", "It is formulated as an ordinary differential equation system with shared and reusable functions that operate over the graphs. ", "This leads to a new type of neural graph message passing scheme that performs continuous message passing over time.", "This class of models offers several advantages: a flexible representation that can generalize to variable data dimensions; ability to model dependencies in complex data distributions; reversible and memory-efficient; and exact and efficient computation of the likelihood of the data.", "We demonstrate the effectiveness of our model on a diverse set of generation tasks across different domains: graph generation, image puzzle generation, and layout generation from scene graphs.", "Our proposed model achieves significantly better performance compared to state-of-the-art models." ]
[ 0, 0, 0, 1, 0, 0, 0 ]
[ 0.29999998211860657, 0.05405404791235924, 0.1111111044883728, 0.3636363446712494, 0.12765957415103912, 0.09756097197532654, 0.14814814925193787 ]
BkgZSCEtvr
[ "Graph generative models based on generalization of message passing to continuous time using ordinary differential equations " ]
[ "The practical successes of deep neural networks have not been matched by theoretical progress that satisfyingly explains their behavior.", "In this work, we study the information bottleneck (IB) theory of deep learning, which makes three specific claims: first, that deep networks undergo two distinct phases consisting of an initial fitting phase and a subsequent compression phase; second, that the compression phase is causally related to the excellent generalization performance of deep networks; and third, that the compression phase occurs due to the diffusion-like behavior of stochastic gradient descent.", "Here we show that none of these claims hold true in the general case.", "Through a combination of analytical results and simulation, we demonstrate that the information plane trajectory is predominantly a function of the neural nonlinearity employed: double-sided saturating nonlinearities like tanh yield a compression phase as neural activations enter the saturation regime, but linear activation functions and single-sided saturating nonlinearities like the widely used ReLU in fact do not.", "Moreover, we find that there is no evident causal connection between compression and generalization: networks that do not compress are still capable of generalization, and vice versa.", "Next, we show that the compression phase, when it exists, does not arise from stochasticity in training by demonstrating that we can replicate the IB findings using full batch gradient descent rather than stochastic gradient descent.", "Finally, we show that when an input domain consists of a subset of task-relevant and task-irrelevant information, hidden representations do compress the task-irrelevant information, although the overall information about the input may monotonically increase with training time, and that this compression happens concurrently with the fitting process rather than during a subsequent compression period." ]
[ 0, 0, 1, 0, 0, 0, 0 ]
[ 0.21621620655059814, 0.20000000298023224, 0.5625, 0.1875, 0.1860465109348297, 0.20408162474632263, 0.1666666567325592 ]
ry_WPG-A-
[ "We show that several claims of the information bottleneck theory of deep learning are not true in the general case." ]
[ "Over the past four years, neural networks have been proven vulnerable to adversarial images: targeted but imperceptible image perturbations lead to drastically different predictions.", "We show that adversarial vulnerability increases with the gradients of the training objective when viewed as a function of the inputs.", "For most current network architectures, we prove that the L1-norm of these gradients grows as the square root of the input size.", "These nets therefore become increasingly vulnerable with growing image size.", "Our proofs rely on the network’s weight distribution at initialization, but extensive experiments confirm that our conclusions still hold after usual training." ]
[ 0, 0, 0, 1, 0 ]
[ 0.11428570747375488, 0.13333332538604736, 0.12903225421905518, 0.1818181723356247, 0.05882352590560913 ]
H1MzKs05F7
[ "Neural nets have large gradients by design; that makes them adversarially vulnerable." ]
[ "Effective performance of neural networks depends critically on effective tuning of optimization hyperparameters, especially learning rates (and schedules thereof).", "We present Amortized Proximal Optimization (APO), which takes the perspective that each optimization step should approximately minimize a proximal objective (similar to the ones used to motivate natural gradient and trust region policy optimization).", "Optimization hyperparameters are adapted to best minimize the proximal objective after one weight update.", "We show that an idealized version of APO (where an oracle minimizes the proximal objective exactly) achieves global convergence to stationary point and locally second-order convergence to global optimum for neural networks.", "APO incurs minimal computational overhead.", "We experiment with using APO to adapt a variety of optimization hyperparameters online during training, including (possibly layer-specific) learning rates, damping coefficients, and gradient variance exponents.", "For a variety of network architectures and optimization algorithms (including SGD, RMSprop, and K-FAC), we show that with minimal tuning, APO performs competitively with carefully tuned optimizers." ]
[ 0, 0, 0, 0, 0, 1, 0 ]
[ 0.1395348757505417, 0.28070175647735596, 0.1538461446762085, 0.18867923319339752, 0, 0.7843137383460999, 0.19999998807907104 ]
rJl6M2C5Y7
[ "We introduce amortized proximal optimization (APO), a method to adapt a variety of optimization hyperparameters online during training, including learning rates, damping coefficients, and gradient variance exponents." ]
[ "Dense word vectors have proven their values in many downstream NLP tasks over the past few years.", "However, the dimensions of such embeddings are not easily interpretable.", "Out of the d-dimensions in a word vector, we would not be able to understand what high or low values mean.", "Previous approaches addressing this issue have mainly focused on either training sparse/non-negative constrained word embeddings, or post-processing standard pre-trained word embeddings.", "On the other hand, we analyze conventional word embeddings trained with Singular Value Decomposition, and reveal similar interpretability.", "We use a novel eigenvector analysis method inspired from Random Matrix Theory and show that semantically coherent groups not only form in the row space, but also the column space.", "This allows us to view individual word vector dimensions as human-interpretable semantic features." ]
[ 0, 0, 0, 0, 0, 0, 1 ]
[ 0.1538461446762085, 0.1875, 0.2790697515010834, 0.0952380895614624, 0.14999999105930328, 0.11764705181121826, 0.2857142686843872 ]
rJfJiR5ooX
[ "Without requiring any constraints or post-processing, we show that the salient dimensions of word vectors can be interpreted as semantic features. " ]
[ "Neural networks in the brain and in neuromorphic chips confer systems with the ability to perform multiple cognitive tasks.", "However, both kinds of networks experience a wide range of physical perturbations, ranging from damage to edges of the network to complete node deletions, that ultimately could lead to network failure.", "A critical question is to understand how the computational properties of neural networks change in response to node-damage and whether there exist strategies to repair these networks in order to compensate for performance degradation.", "Here, we study the damage-response characteristics of two classes of neural networks, namely multilayer perceptrons (MLPs) and convolutional neural networks (CNNs) trained to classify images from MNIST and CIFAR-10 datasets respectively.", "We also propose a new framework to discover efficient repair strategies to rescue damaged neural networks.", "The framework involves defining damage and repair operators for dynamically traversing the neural networks loss landscape, with the goal of mapping its salient geometric features.", "Using this strategy, we discover features that resemble path-connected attractor sets in the loss landscape.", "We also identify that a dynamic recovery scheme, where networks are constantly damaged and repaired, produces a group of networks resilient to damage as it can be quickly rescued.", "Broadly, our work shows that we can design fault-tolerant networks by applying on-line retraining consistently during damage for real-time applications in biology and machine learning." ]
[ 0, 0, 0, 0, 1, 0, 0, 0, 0 ]
[ 0.17391304671764374, 0.125, 0.22857142984867096, 0.1764705926179886, 0.4761904776096344, 0.20000000298023224, 0, 0.1818181723356247, 0.06451612710952759 ]
HkgVE7YUIH
[ "strategy to repair damaged neural networks" ]
[ "Automatic question generation from paragraphs is an important and challenging problem, particularly due to the long context from paragraphs.", "In this paper, we propose and study two hierarchical models for the task of question generation from paragraphs.", "Specifically, we propose", "(a) a novel hierarchical BiLSTM model with selective attention and", "(b) a novel hierarchical Transformer architecture, both of which learn hierarchical representations of paragraphs. \n", "We model a paragraph in terms of its constituent sentences, and a sentence in terms of its constituent words.", "While the introduction of the attention mechanism benefits the hierarchical BiLSTM model, the hierarchical Transformer, with its inherent attention and positional encoding mechanisms also performs better than flat transformer model.\n", "We conducted empirical evaluation on the widely used SQuAD and MS MARCO datasets using standard metrics. \n", "The results demonstrate the overall effectiveness of the hierarchical models over their flat counterparts. \n", "Qualitatively, our hierarchical models are able to generate fluent and relevant questions.\n" ]
[ 0, 1, 0, 0, 0, 0, 0, 0, 0, 0 ]
[ 0.3199999928474426, 0.38461539149284363, 0, 0.1111111044883728, 0.0952380895614624, 0.0952380895614624, 0.05882352590560913, 0.07999999821186066, 0.1818181723356247, 0.1904761791229248 ]
BJeVXgBKDH
[ "Automatic question generation from paragraph using hierarchical models" ]
[ "Many deployed learned models are black boxes: given input, returns output.", "Internal information about the model, such as the architecture, optimisation procedure, or training data, is not disclosed explicitly as it might contain proprietary information or make the system more vulnerable.", "This work shows that such attributes of neural networks can be exposed from a sequence of queries.", "This has multiple implications.", "On the one hand, our work exposes the vulnerability of black-box neural networks to different types of attacks -- we show that the revealed internal information helps generate more effective adversarial examples against the black box model.", "On the other hand, this technique can be used for better protection of private content from automatic recognition models using adversarial examples.", "Our paper suggests that it is actually hard to draw a line between white box and black box models." ]
[ 0, 0, 0, 0, 1, 0, 0 ]
[ 0.0624999962747097, 0.08695651590824127, 0.21621620655059814, 0, 0.25925925374031067, 0.1395348757505417, 0.1538461446762085 ]
BydjJte0-
[ "Querying a black-box neural network reveals a lot of information about it; we propose novel \"metamodels\" for effectively extracting information from a black box." ]
[ "Inverse reinforcement learning (IRL) is used to infer the reward function from the actions of an expert running a Markov Decision Process (MDP).", "A novel approach using variational inference for learning the reward function is proposed in this research.", "Using this technique, the intractable posterior distribution of the continuous latent variable (the reward function in this case) is analytically approximated to appear to be as close to the prior belief while trying to reconstruct the future state conditioned on the current state and action.", "The reward function is derived using a well-known deep generative model known as Conditional Variational Auto-encoder (CVAE) with Wasserstein loss function, thus referred to as Conditional Wasserstein Auto-encoder-IRL (CWAE-IRL), which can be analyzed as a combination of the backward and forward inference.", "This can then form an efficient alternative to the previous approaches to IRL while having no knowledge of the system dynamics of the agent.", "Experimental results on standard benchmarks such as objectworld and pendulum show that the proposed algorithm can effectively learn the latent reward function in complex, high-dimensional environments." ]
[ 1, 0, 0, 0, 0, 0 ]
[ 0.2702702581882477, 0.19354838132858276, 0.23529411852359772, 0.11538460850715637, 0.05714285373687744, 0.14999999105930328 ]
rJlCXlBtwH
[ "Using a supervised latent variable modeling framework to determine reward in inverse reinforcement learning task" ]
[ "The travelling salesman problem (TSP) is a well-known combinatorial optimization problem with a variety of real-life applications.", "We tackle TSP by incorporating machine learning methodology and leveraging the variable neighborhood search strategy.", "More precisely, the search process is considered as a Markov decision process (MDP), where a 2-opt local search is used to search within a small neighborhood, while a Monte Carlo tree search (MCTS) method (which iterates through simulation, selection and back-propagation steps), is used to sample a number of targeted actions within an enlarged neighborhood.", "This new paradigm clearly distinguishes itself from the existing machine learning (ML) based paradigms for solving the TSP, which either uses an end-to-end ML model, or simply applies traditional techniques after ML for post optimization.", "Experiments based on two public data sets show that, our approach clearly dominates all the existing learning based TSP algorithms in terms of performance, demonstrating its high potential on the TSP.", "More importantly, as a general framework without complicated hand-crafted rules, it can be readily extended to many other combinatorial optimization problems." ]
[ 0, 0, 1, 0, 0, 0 ]
[ 0.11428570747375488, 0.2857142686843872, 0.32258063554763794, 0.07692307233810425, 0.12765957415103912, 0.09756097197532654 ]
ByxtHCVKwB
[ "This paper combines Monte Carlo tree search with 2-opt local search in a variable neighborhood mode to solve the TSP effectively." ]
[ "Significant strides have been made toward designing better generative models in recent years.", "Despite this progress, however, state-of-the-art approaches are still largely unable to capture complex global structure in data.", "For example, images of buildings typically contain spatial patterns such as windows repeating at regular intervals; state-of-the-art generative methods can’t easily reproduce these structures.", "We propose to address this problem by incorporating programs representing global structure into the generative model—e.g., a 2D for-loop may represent a configuration of windows.", "Furthermore, we propose a framework for learning these models by leveraging program synthesis to generate training data.", "On both synthetic and real-world data, we demonstrate that our approach is substantially better than the state-of-the-art at both generating and completing images that contain global structure.\n" ]
[ 0, 0, 0, 0, 1, 0 ]
[ 0, 0.060606054961681366, 0.04999999701976776, 0.1904761791229248, 0.3636363446712494, 0.09756097197532654 ]
S1gUCFx4dN
[ "Applying program synthesis to the tasks of image completion and generation within a deep learning framework" ]
[ "Learning control policies in robotic tasks requires a large number of interactions due to small learning rates, bounds on the updates or unknown constraints.", "In contrast humans can infer protective and safe solutions after a single failure or unexpected observation. \n", "In order to reach similar performance, we developed a hierarchical Bayesian optimization algorithm that replicates the cognitive inference and memorization process for avoiding failures in motor control tasks.", "A Gaussian Process implements the modeling and the sampling of the acquisition function.", "This enables rapid learning with large learning rates while a mental replay phase ensures that policy regions that led to failures are inhibited during the sampling process. \n", "The features of the hierarchical Bayesian optimization method are evaluated in a simulated and physiological humanoid postural balancing task.", "We quantitatively compare the human learning performance to our learning approach by evaluating the deviations of the center of mass during training.", "Our results show that we can reproduce the efficient learning of human subjects in postural control tasks which provides a testable model for future physiological motor control tasks.", "In these postural control tasks, our method outperforms standard Bayesian Optimization in the number of interactions to solve the task, in the computational demands and in the frequency of observed failures." ]
[ 0, 0, 0, 0, 0, 0, 0, 1, 0 ]
[ 0.13333332538604736, 0.10526315122842789, 0.16326530277729034, 0.0624999962747097, 0.1702127605676651, 0.19999998807907104, 0.051282044500112534, 0.2978723347187042, 0.1304347813129425 ]
S1eYchEtwH
[ "This paper presents a computational model for efficient human postural control adaptation based on hierarchical acquisition functions with well-known features. " ]
[ "Deep reinforcement learning has achieved great success in many previously difficult reinforcement learning tasks, yet recent studies show that deep RL agents are also unavoidably susceptible to adversarial perturbations, similar to deep neural networks in classification tasks.", "Prior works mostly focus on model-free adversarial attacks and agents with discrete actions.", "In this work, we study the problem of continuous control agents in deep RL with adversarial attacks and propose the first two-step algorithm based on learned model dynamics.", "Extensive experiments on various MuJoCo domains (Cartpole, Fish, Walker, Humanoid) demonstrate that our proposed framework is much more effective and efficient than model-free based attacks baselines in degrading agent performance as well as driving agents to unsafe states." ]
[ 0, 0, 1, 0 ]
[ 0.17543859779834747, 0.31578946113586426, 0.807692289352417, 0.22580644488334656 ]
SylL0krYPS
[ "We study the problem of continuous control agents in deep RL with adversarial attacks and proposed a two-step algorithm based on learned model dynamics. " ]
[ "A leading hypothesis for the surprising generalization of neural networks is that the dynamics of gradient descent bias the model towards simple solutions, by searching through the solution space in an incremental order of complexity.", "We formally define the notion of incremental learning dynamics and derive the conditions on depth and initialization for which this phenomenon arises in deep linear models.", "Our main theoretical contribution is a dynamical depth separation result, proving that while shallow models can exhibit incremental learning dynamics, they require the initialization to be exponentially small for these dynamics to present themselves.", "However, once the model becomes deeper, the dependence becomes polynomial and incremental learning can arise in more natural settings.", "We complement our theoretical findings by experimenting with deep matrix sensing, quadratic neural networks and with binary classification using diagonal and convolutional linear networks, showing all of these models exhibit incremental learning." ]
[ 0, 1, 0, 0, 0 ]
[ 0.23255813121795654, 0.3243243098258972, 0.1304347813129425, 0.13333332538604736, 0.23255813121795654 ]
H1lj0nNFwB
[ "We study the sparsity-inducing bias of deep models, caused by their learning dynamics." ]
[ "Generative modeling of high dimensional data like images is a notoriously difficult and ill-defined problem.", "In particular, how to evaluate a learned generative model is unclear.\n", "In this paper, we argue that *adversarial learning*, pioneered with generative adversarial networks (GANs), provides an interesting framework to implicitly define more meaningful task losses for unsupervised tasks, such as for generating \"visually realistic\" images.", "By relating GANs and structured prediction under the framework of statistical decision theory, we put into light links between recent advances in structured prediction theory and the choice of the divergence in GANs.", "We argue that the insights about the notions of \"hard\" and \"easy\" to learn losses can be analogously extended to adversarial divergences.", "We also discuss the attractive properties of parametric adversarial divergences for generative modeling, and perform experiments to show the importance of choosing a divergence that reflects the final task." ]
[ 0, 0, 0, 0, 0, 1 ]
[ 0.09090908616781235, 0.09756097197532654, 0.380952388048172, 0.2222222238779068, 0.2857142686843872, 0.4000000059604645 ]
rkEtzzWAb
[ "Parametric adversarial divergences implicitly define more meaningful task losses for generative modeling, we make parallels with structured prediction to study the properties of these divergences and their ability to encode the task of interest." ]
[ "Experimental reproducibility and replicability are critical topics in machine learning.", "Authors have often raised concerns about their lack in scientific publications to improve the quality of the field.", "Recently, the graph representation learning field has attracted the attention of a wide research community, which resulted in a large stream of works.\n", "As such, several Graph Neural Network models have been developed to effectively tackle graph classification.", "However, experimental procedures often lack rigorousness and are hardly reproducible.", "Motivated by this, we provide an overview of common practices that should be avoided to fairly compare with the state of the art.", "To counter this troubling trend, we ran more than 47000 experiments in a controlled and uniform framework to re-evaluate five popular models across nine common benchmarks.", "Moreover, by comparing GNNs with structure-agnostic baselines we provide convincing evidence that, on some datasets, structural information has not been exploited yet.", "We believe that this work can contribute to the development of the graph learning field, by providing a much needed grounding for rigorous evaluations of graph classification models." ]
[ 0, 0, 0, 0, 0, 0, 0, 0, 1 ]
[ 0, 0.06666666269302368, 0.1764705777168274, 0.2857142686843872, 0, 0.11764705181121826, 0.05128204822540283, 0.05714285373687744, 0.3684210479259491 ]
HygDF6NFPB
[ "We provide a rigorous comparison of different Graph Neural Networks for graph classification." ]
[ "Data augmentation (DA) is fundamental against overfitting in large convolutional neural networks, especially with a limited training dataset.", "In images, DA is usually based on heuristic transformations, like geometric or color transformations.", "Instead of using predefined transformations, our work learns data augmentation directly from the training data by learning to transform images with an encoder-decoder architecture combined with a spatial transformer network.", "The transformed images still belong to the same class, but are new, more complex samples for the classifier.", "Our experiments show that our approach is better than previous generative data augmentation methods, and comparable to predefined transformation methods when training an image classifier." ]
[ 0, 0, 1, 0, 0 ]
[ 0.12121211737394333, 0.06896550953388214, 0.3720930218696594, 0.1249999925494194, 0.29999998211860657 ]
BylSX4meOV
[ "Automatic Learning of data augmentation using a GAN based architecture to improve an image classifier" ]
[ "We consider the problem of information compression from high dimensional data.", "Where many studies consider the problem of compression by non-invertible trans- formations, we emphasize the importance of invertible compression.", "We introduce new class of likelihood-based auto encoders with pseudo bijective architecture, which we call Pseudo Invertible Encoders.", "We provide the theoretical explanation of their principles.", "We evaluate Gaussian Pseudo Invertible Encoder on MNIST, where our model outperform WAE and VAE in sharpness of the generated images." ]
[ 0, 0, 1, 0, 0 ]
[ 0.10526315122842789, 0.1666666567325592, 0.23076923191547394, 0.1249999925494194, 0.06896550953388214 ]
SkgiX2Aqtm
[ "New Class of Autoencoders with pseudo invertible architecture" ]
[ "We exploit a recently derived inversion scheme for arbitrary deep neural networks to develop a new semi-supervised learning framework that applies to a wide range of systems and problems. \n", "The approach reaches current state-of-the-art methods on MNIST and provides reasonable performances on SVHN and CIFAR10.", "Through the introduced method, residual networks are for the first time applied to semi-supervised tasks.", "Experiments with one-dimensional signals highlight the generality of the method.", "Importantly, our approach is simple, efficient, and requires no change in the deep network architecture." ]
[ 1, 0, 0, 0, 0 ]
[ 0.6808510422706604, 0, 0.23529411852359772, 0, 0.05714285373687744 ]
B1i7ezW0-
[ "We exploit an inversion scheme for arbitrary deep neural networks to develop a new semi-supervised learning framework applicable to many topologies." ]
[ "Deep learning has become a widely used tool in many computational and classification problems. \n", "Nevertheless obtaining and labeling data, which is needed for strong results, is often expensive or even not possible. \n", "In this paper three different algorithmic approaches to deal with limited access to data are evaluated and compared to each other. \n", "We show the drawbacks and benefits of each method. \n", "One successful approach, especially in one- or few-shot learning tasks, is the use of external data during the classification task. \n", "Another successful approach, which achieves state of the art results in semi-supervised learning (SSL) benchmarks, is consistency regularization.\n", "Especially virtual adversarial training (VAT) has shown strong results and will be investigated in this paper. \n", "The aim of consistency regularization is to force the network not to change the output, when the input or the network itself is perturbed.\n", "Generative adversarial networks (GANs) have also shown strong empirical results. \n", "In many approaches the GAN architecture is used in order to create additional data and therefor to increase the generalization capability of the classification network.\n", "Furthermore we consider the use of unlabeled data for further performance improvement. \n", "The use of unlabeled data is investigated both for GANs and VAT. \n" ]
[ 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 1 ]
[ 0.2142857164144516, 0.19354838132858276, 0.12121211737394333, 0.260869562625885, 0.1818181723356247, 0.1875, 0.13333332538604736, 0.1249999925494194, 0.0833333283662796, 0.1666666567325592, 0.23076923191547394, 0.38461539149284363 ]
rylU8oRctX
[ "Comparison of siamese neural networks, GANs, and VAT for few shot learning. " ]
[ "This paper introduces a new neural structure called FusionNet, which extends existing attention approaches from three perspectives.", "First, it puts forward a novel concept of \"History of Word\" to characterize attention information from the lowest word-level embedding up to the highest semantic-level representation.", "Second, it identifies an attention scoring function that better utilizes the \"history of word\" concept.", "Third, it proposes a fully-aware multi-level attention mechanism to capture the complete information in one text (such as a question) and exploit it in its counterpart (such as context or passage) layer by layer.", "We apply FusionNet to the Stanford Question Answering Dataset (SQuAD) and it achieves the first position for both single and ensemble model on the official SQuAD leaderboard at the time of writing (Oct. 4th, 2017).", "Meanwhile, we verify the generalization of FusionNet with two adversarial SQuAD datasets and it sets up the new state-of-the-art on both datasets: on AddSent, FusionNet increases the best F1 metric from 46.6% to 51.4%; on AddOneSent, FusionNet boosts the best F1 metric from 56.0% to 60.7%." ]
[ 0, 0, 0, 0, 1, 0 ]
[ 0.23529411852359772, 0.14999999105930328, 0.0624999962747097, 0.17777776718139648, 0.25, 0.1818181723356247 ]
BJIgi_eCZ
[ "We propose a light-weight enhancement for attention and a neural architecture, FusionNet, to achieve SotA on SQuAD and adversarial SQuAD." ]
[ "We propose a novel hierarchical generative model with a simple Markovian structure and a corresponding inference model.", "Both the generative and inference model are trained using the adversarial learning paradigm.", "We demonstrate that the hierarchical structure supports the learning of progressively more abstract representations as well as providing semantically meaningful reconstructions with different levels of fidelity.", "Furthermore, we show that minimizing the Jensen-Shanon divergence between the generative and inference network is enough to minimize the reconstruction error.", " The resulting semantically meaningful hierarchical latent structure discovery is exemplified on the CelebA dataset", ". There, we show that the features learned by our model in an unsupervised way outperform the best handcrafted features", ". Furthermore, the extracted features remain competitive when compared to several recent deep supervised approaches on an attribute prediction task on CelebA.", "Finally, we leverage the model's inference network to achieve state-of-the-art performance on a semi-supervised variant of the MNIST digit classification task." ]
[ 1, 0, 0, 0, 0, 0, 0, 0 ]
[ 0.38461539149284363, 0.3333333134651184, 0.17142856121063232, 0.12903225421905518, 0.23076923191547394, 0.13793103396892548, 0, 0 ]
HyXNCZbCZ
[ "Adversarially trained hierarchical generative model with robust and semantically learned latent representation." ]
[ "Conservation laws are considered to be fundamental laws of nature.", "It has broad application in many fields including physics, chemistry, biology, geology, and engineering.", "Solving the differential equations associated with conservation laws is a major branch in computational mathematics.", "Recent success of machine learning, especially deep learning, in areas such as computer vision and natural language processing, has attracted a lot of attention from the community of computational mathematics and inspired many intriguing works in combining machine learning with traditional methods.", "In this paper, we are the first to explore the possibility and benefit of solving nonlinear conservation laws using deep reinforcement learning.", "As a proof of concept, we focus on 1-dimensional scalar conservation laws.", "We deploy the machinery of deep reinforcement learning to train a policy network that can decide on how the numerical solutions should be approximated in a sequential and spatial-temporal adaptive manner.", "We will show that the problem of solving conservation laws can be naturally viewed as a sequential decision making process and the numerical schemes learned in such a way can easily enforce long-term accuracy. \n", "Furthermore, the learned policy network is carefully designed to determine a good local discrete approximation based on the current state of the solution, which essentially makes the proposed method a meta-learning approach.\n", "In other words, the proposed method is capable of learning how to discretize for a given situation mimicking human experts.", "Finally, we will provide details on how the policy network is trained, how well it performs compared with some state-of-the-art numerical solvers such as WENO schemes, and how well it generalizes.", "Our code is released anomynously at \\url{https://github.com/qwerlanksdf/L2D}." ]
[ 0, 0, 0, 0, 0, 0, 1, 0, 0, 0, 0, 0 ]
[ 0.1818181723356247, 0.052631575614213943, 0, 0.06666666269302368, 0.08888888359069824, 0.0555555522441864, 0.2641509473323822, 0.25, 0.037735845893621445, 0.045454539358615875, 0.15686273574829102, 0 ]
rygBVTVFPB
[ "We observe that numerical PDE solvers can be regarded as Markov Desicion Processes, and propose to use Reinforcement Learning to solve 1D scalar Conservation Laws" ]
[ "We present a neural rendering architecture that helps variational autoencoders (VAEs) learn disentangled representations.", "Instead of the deconvolutional network typically used in the decoder of VAEs, we tile (broadcast) the latent vector across space, concatenate fixed X- and Y-“coordinate” channels, and apply a fully convolutional network with 1x1 stride.", "This provides an architectural prior for dissociating positional from non-positional features in the latent space, yet without providing any explicit supervision to this effect.", "We show that this architecture, which we term the Spatial Broadcast decoder, improves disentangling, reconstruction accuracy, and generalization to held-out regions in data space. ", "We show the Spatial Broadcast Decoder is complementary to state-of-the-art (SOTA) disentangling techniques and when incorporated improves their performance." ]
[ 1, 0, 0, 0, 0 ]
[ 0.7407407164573669, 0.09302324801683426, 0.05405404791235924, 0.10526315122842789, 0.0624999962747097 ]
S1x7WjnzdV
[ "We introduce a neural rendering architecture that helps VAEs learn disentangled latent representations." ]
[ "Similar to humans and animals, deep artificial neural networks exhibit critical periods during which a temporary stimulus deficit can impair the development of a skill.", "The extent of the impairment depends on the onset and length of the deficit window, as in animal models, and on the size of the neural network.", "Deficits that do not affect low-level statistics, such as vertical flipping of the images, have no lasting effect on performance and can be overcome with further training. ", "To better understand this phenomenon, we use the Fisher Information of the weights to measure the effective connectivity between layers of a network during training. ", "Counterintuitively, information rises rapidly in the early phases of training, and then decreases, preventing redistribution of information resources in a phenomenon we refer to as a loss of \"Information Plasticity\". ", "Our analysis suggests that the first few epochs are critical for the creation of strong connections that are optimal relative to the input data distribution.", "Once such strong connections are created, they do not appear to change during additional training.", "These findings suggest that the initial learning transient, under-scrutinized compared to asymptotic behavior, plays a key role in determining the outcome of the training process.", "Our findings, combined with recent theoretical results in the literature, also suggest that forgetting (decrease of information in the weights) is critical to achieving invariance and disentanglement in representation learning.", "Finally, critical periods are not restricted to biological systems, but can emerge naturally in learning systems, whether biological or artificial, due to fundamental constrains arising from learning dynamics and information processing." ]
[ 0, 0, 0, 0, 1, 0, 0, 0, 0, 0 ]
[ 0.2222222238779068, 0.20408162474632263, 0.24137930572032928, 0.15094339847564697, 0.3571428656578064, 0.11764705181121826, 0.08888888359069824, 0.22641508281230927, 0.24561403691768646, 0.17543859779834747 ]
BkeStsCcKQ
[ "Sensory deficits in early training phases can lead to irreversible performance loss in both artificial and neuronal networks, suggesting information phenomena as the common cause, and point to the importance of the initial transient and forgetting." ]
[ "We propose a method to incrementally learn an embedding space over the domain of network architectures, to enable the careful selection of architectures for evaluation during compressed architecture search.", "Given a teacher network, we search for a compressed network architecture by using Bayesian Optimization (BO) with a kernel function defined over our proposed embedding space to select architectures for evaluation.", "We demonstrate that our search algorithm can significantly outperform various baseline methods, such as random search and reinforcement learning (Ashok et al., 2018).", "The compressed architectures found by our method are also better than the state-of-the-art manually-designed compact architecture ShuffleNet (Zhang et al., 2018).", "We also demonstrate that the learned embedding space can be transferred to new settings for architecture search, such as a larger teacher network or a teacher network in a different architecture family, without any training." ]
[ 1, 0, 0, 0, 0 ]
[ 1, 0.4444444477558136, 0.08163265138864517, 0.2083333283662796, 0.3214285671710968 ]
S1xLN3C9YX
[ "We propose a method to incrementally learn an embedding space over the domain of network architectures, to enable the careful selection of architectures for evaluation during compressed architecture search." ]
[ "Reinforcement Learning (RL) problem can be solved in two different ways - the Value function-based approach and the policy optimization-based approach - to eventually arrive at an optimal policy for the given environment.", "One of the recent breakthroughs in reinforcement learning is the use of deep neural networks as function approximators to approximate the value function or q-function in a reinforcement learning scheme.", "This has led to results with agents automatically learning how to play games like alpha-go showing better-than-human performance.", "Deep Q-learning networks (DQN) and Deep Deterministic Policy Gradient (DDPG) are two such methods that have shown state-of-the-art results in recent times.", "Among the many variants of RL, an important class of problems is where the state and action spaces are continuous --- autonomous robots, autonomous vehicles, optimal control are all examples of such problems that can lend themselves naturally to reinforcement based algorithms, and have continuous state and action spaces.", "In this paper, we adapt and combine approaches such as DQN and DDPG in novel ways to outperform the earlier results for continuous state and action space problems. ", "We believe these results are a valuable addition to the fast-growing body of results on Reinforcement Learning, more so for continuous state and action space problems." ]
[ 0, 0, 0, 0, 0, 0, 1 ]
[ 0.16326530277729034, 0.13636362552642822, 0.052631575614213943, 0.0952380895614624, 0.24137930572032928, 0.2916666567325592, 0.30434781312942505 ]
ryGiYoAqt7
[ "Improving the performance of an RL agent in the continuous action and state space domain by using prioritised experience replay and parameter noise." ]
[ "Natural Language Inference (NLI) task requires an agent to determine the logical relationship between a natural language premise and a natural language hypothesis.", "We introduce Interactive Inference Network (IIN), a novel class of neural network architectures that is able to achieve high-level understanding of the sentence pair by hierarchically extracting semantic features from interaction space.", "We show that an interaction tensor (attention weight) contains semantic information to solve natural language inference, and a denser interaction tensor contains richer semantic information.", "One instance of such architecture, Densely Interactive Inference Network (DIIN), demonstrates the state-of-the-art performance on large scale NLI copora and large-scale NLI alike corpus.", "It's noteworthy that DIIN achieve a greater than 20% error reduction on the challenging Multi-Genre NLI (MultiNLI) dataset with respect to the strongest published system." ]
[ 0, 0, 1, 0, 0 ]
[ 0.24242423474788666, 0.09090908616781235, 0.42424240708351135, 0, 0.05405404791235924 ]
r1dHXnH6-
[ "show multi-channel attention weight contains semantic feature to solve natural language inference task." ]
[ "Determinantal Point Processes (DPPs) provide an elegant and versatile way to sample sets of items that balance the point-wise quality with the set-wise diversity of selected items.", "For this reason, they have gained prominence in many machine learning applications that rely on subset selection.", "However, sampling from a DPP over a ground set of size N is a costly operation, requiring in general an O(N^3) preprocessing cost and an O(Nk^3) sampling cost for subsets of size k. We approach this problem by introducing DppNets: generative deep models that produce DPP-like samples for arbitrary ground sets. ", "We develop an inhibitive attention mechanism based on transformer networks that captures a notion of dissimilarity between feature vectors. ", "We show theoretically that such an approximation is sensible as it maintains the guarantees of inhibition or dissimilarity that makes DPP so powerful and unique. ", "Empirically, we demonstrate that samples from our model receive high likelihood under the more expensive DPP alternative." ]
[ 1, 0, 0, 0, 0, 0 ]
[ 0.25641024112701416, 0, 0.06896551698446274, 0.05714285373687744, 0.14999999105930328, 0.1875 ]
B1euhoAcKX
[ "We approximate Determinantal Point Processes with neural nets; we justify our model theoretically and empirically." ]
[ "This paper introduces a network architecture to solve the structure-from-motion (SfM) problem via feature-metric bundle adjustment (BA), which explicitly enforces multi-view geometry constraints in the form of feature-metric error.", "The whole pipeline is differentiable, so that the network can learn suitable features that make the BA problem more tractable.", "Furthermore, this work introduces a novel depth parameterization to recover dense per-pixel depth.", "The network first generates several basis depth maps according to the input image, and optimizes the final depth as a linear combination of these basis depth maps via feature-metric BA.", "The basis depth maps generator is also learned via end-to-end training.", "The whole system nicely combines domain knowledge (i.e. hard-coded multi-view geometry constraints) and deep learning (i.e. feature learning and basis depth maps learning) to address the challenging dense SfM problem.", "Experiments on large scale real data prove the success of the proposed method." ]
[ 1, 0, 0, 0, 0, 0, 0 ]
[ 0.6818181872367859, 0.17142856121063232, 0.20689654350280762, 0.2380952388048172, 0.0714285671710968, 0.17777776718139648, 0.06896550953388214 ]
B1gabhRcYX
[ "This paper introduces a network architecture to solve the structure-from-motion (SfM) problem via feature bundle adjustment (BA)" ]
[ "Temporal Difference Learning with function approximation is known to be unstable.", "Previous work like \\citet{sutton2009fast} and \\citet{sutton2009convergent} has presented alternative objectives that are stable to minimize.", "However, in practice, TD-learning with neural networks requires various tricks like using a target network that updates slowly \\citep{mnih2015human}.", "In this work we propose a constraint on the TD update that minimizes change to the target values.", "This constraint can be applied to the gradients of any TD objective, and can be easily applied to nonlinear function approximation.", "We validate this update by applying our technique to deep Q-learning, and training without a target network.", "We also show that adding this constraint on Baird's counterexample keeps Q-learning from diverging." ]
[ 0, 0, 0, 0, 0, 1, 0 ]
[ 0.06896550953388214, 0.1818181723356247, 0.2702702581882477, 0.34285715222358704, 0.22857142984867096, 0.4000000059604645, 0.375 ]
Bk-ofQZRb
[ "We show that adding a constraint to TD updates stabilizes learning and allows Deep Q-learning without a target network" ]
[ "We propose DuoRC, a novel dataset for Reading Comprehension (RC) that motivates several new challenges for neural approaches in language understanding beyond those offered by existing RC datasets.", "DuoRC contains 186,089 unique question-answer pairs created from a collection of 7680 pairs of movie plots where each pair in the collection reflects two versions of the same movie - one from Wikipedia and the other from IMDb - written by two different authors.", "We asked crowdsourced workers to create questions from one version of the plot and a different set of workers to extract or synthesize corresponding answers from the other version.", "This unique characteristic of DuoRC where questions and answers are created from different versions of a document narrating the same underlying story, ensures by design, that there is very little lexical overlap between the questions created from one version and the segments containing the answer in the other version.", "Further, since the two versions have different level of plot detail, narration style, vocabulary, etc., answering questions from the second version requires deeper language understanding and incorporating background knowledge not available in the given text.", "Additionally, the narrative style of passages arising from movie plots (as opposed to typical descriptive passages in existing datasets) exhibits the need to perform complex reasoning over events across multiple sentences.", "Indeed, we observe that state-of-the-art neural RC models which have achieved near human performance on the SQuAD dataset, even when coupled with traditional NLP techniques to address the challenges presented in DuoRC exhibit very poor performance (F1 score of 37.42% on DuoRC v/s 86% on SQuAD dataset).", "This opens up several interesting research avenues wherein DuoRC could complement other Reading Comprehension style datasets to explore novel neural approaches for studying language understanding." ]
[ 1, 0, 0, 0, 0, 0, 0, 0 ]
[ 0.3544303774833679, 0.3529411852359772, 0.3199999928474426, 0.35164836049079895, 0.25581395626068115, 0.19999998807907104, 0.10638297349214554, 0.20779220759868622 ]
HJQhyvYwG
[ "We propose DuoRC, a novel dataset for Reading Comprehension (RC) containing 186,089 human-generated QA pairs created from a collection of 7680 pairs of parallel movie plots and introduce a RC task of reading one version of the plot and answering questions created from the other version; thus by design, requiring complex reasoning and deeper language understanding to overcome the poor lexical overlap between the plot and the question." ]
[ "We consider the problem of weakly supervised structured prediction (SP) with reinforcement learning (RL) – for example, given a database table and a question, perform a sequence of computation actions on the table, which generates a response and receives a binary success-failure reward. ", "This line of research has been successful by leveraging RL to directly optimizes the desired metrics of the SP tasks – for example, the accuracy in question answering or BLEU score in machine translation. ", "However, different from the common RL settings, the environment dynamics is deterministic in SP, which hasn’t been fully utilized by the model-freeRL methods that are usually applied.", "Since SP models usually have full access to the environment dynamics, we propose to apply model-based RL methods, which rely on planning as a primary model component.", "We demonstrate the effectiveness of planning-based SP with a Neural Program Planner (NPP), which, given a set of candidate programs from a pretrained search policy, decides which program is the most promising considering all the information generated from executing these programs.", "We evaluate NPP on weakly supervised program synthesis from natural language(semantic parsing) by stacked learning a planning module based on pretrained search policies.", "On the WIKITABLEQUESTIONS benchmark, NPP achieves a new state-of-the-art of 47.2% accuracy." ]
[ 0, 0, 0, 1, 0, 0, 0 ]
[ 0.04255318641662598, 0, 0, 0.2222222238779068, 0, 0.1249999925494194, 0 ]
HJxPAFgEON
[ "A model-based planning component improves RL-based semantic parsing on WikiTableQuestions." ]
[ "Deep learning algorithms achieve high classification accuracy at the expense of significant computation cost.", "To address this cost, a number of quantization schemeshave been proposed - but most of these techniques focused on quantizing weights, which are relatively smaller in size compared to activations.", "This paper proposes a novel quantization scheme for activations during training - that enables neural networks to work well with ultra low precision weights and activations without any significant accuracy degradation. ", "This technique, PArameterized Clipping acTi-vation (PACT), uses an activation clipping parameter α that is optimized duringtraining to find the right quantization scale.", "PACT allows quantizing activations toarbitrary bit precisions, while achieving much better accuracy relative to publishedstate-of-the-art quantization schemes.", "We show, for the first time, that both weights and activations can be quantized to 4-bits of precision while still achieving accuracy comparable to full precision networks across a range of popular models and datasets.", "We also show that exploiting these reduced-precision computational units in hardware can enable a super-linear improvement in inferencing performance dueto a significant reduction in the area of accelerator compute engines coupled with the ability to retain the quantized model and activation data in on-chip memories." ]
[ 0, 0, 0, 1, 0, 0, 0 ]
[ 0.1764705777168274, 0.16326530277729034, 0.039215680211782455, 0.2380952388048172, 0.10810810327529907, 0.07843136787414551, 0.10169491171836853 ]
By5ugjyCb
[ "A new way of quantizing activation of Deep Neural Network via parameterized clipping which optimizes the quantization scale via stochastic gradient descent." ]
[ "Pruning neural network parameters is often viewed as a means to compress models, but pruning has also been motivated by the desire to prevent overfitting.", "This motivation is particularly relevant given the perhaps surprising observation that a wide variety of pruning approaches increase test accuracy despite sometimes massive reductions in parameter counts.", "To better understand this phenomenon, we analyze the behavior of pruning over the course of training, finding that pruning's effect on generalization relies more on the instability it generates (defined as the drops in test accuracy immediately following pruning) than on the final size of the pruned model.", "We demonstrate that even the pruning of unimportant parameters can lead to such instability, and show similarities between pruning and regularizing by injecting noise, suggesting a mechanism for pruning-based generalization improvements that is compatible with the strong generalization recently observed in over-parameterized networks." ]
[ 0, 0, 0, 1 ]
[ 0.1304347813129425, 0.12244897335767746, 0.19672130048274994, 0.19999998807907104 ]
B1eCk1StPH
[ "We demonstrate that pruning methods which introduce greater instability into the loss also confer improved generalization, and explore the mechanisms underlying this effect." ]
[ "Neural networks trained with backpropagation, the standard algorithm of deep learning which uses weight transport, are easily fooled by existing gradient-based adversarial attacks.", "This class of attacks are based on certain small perturbations of the inputs to make networks misclassify them.", "We show that less biologically implausible deep neural networks trained with feedback alignment, which do not use weight transport, can be harder to fool, providing actual robustness.", "Tested on MNIST, deep neural networks trained without weight transport (1) have an adversarial accuracy of 98% compared to 0.03% for neural networks trained with backpropagation and (2) generate non-transferable adversarial examples.", "However, this gap decreases on CIFAR-10 but is still significant particularly for small perturbation magnitude less than 1 ⁄ 2." ]
[ 0, 0, 1, 0, 0 ]
[ 0.21052631735801697, 0.1249999925494194, 0.5238094925880432, 0.3636363446712494, 0 ]
HkgSXQtIIB
[ "Less biologically implausible deep neural networks trained without weight transport can be harder to fool." ]
[ "Chemical reactions can be described as the stepwise redistribution of electrons in molecules.", "As such, reactions are often depicted using \"arrow-pushing\" diagrams which show this movement as a sequence of arrows.", "We propose an electron path prediction model (ELECTRO) to learn these sequences directly from raw reaction data.", "Instead of predicting product molecules directly from reactant molecules in one shot, learning a model of electron movement has the benefits of", "(a) being easy for chemists to interpret,", "(b) incorporating constraints of chemistry, such as balanced atom counts before and after the reaction, and", "(c) naturally encoding the sparsity of chemical reactions, which usually involve changes in only a small number of atoms in the reactants.", "We design a method to extract approximate reaction paths from any dataset of atom-mapped reaction SMILES strings.", "Our model achieves excellent performance on an important subset of the USPTO reaction dataset, comparing favorably to the strongest baselines.", "Furthermore, we show that our model recovers a basic knowledge of chemistry without being explicitly trained to do so." ]
[ 0, 0, 1, 0, 0, 0, 0, 0, 0, 0 ]
[ 0.12903225421905518, 0.1111111044883728, 0.4571428596973419, 0.37837836146354675, 0.07999999821186066, 0.12121211737394333, 0.1621621549129486, 0.23529411852359772, 0.21621620655059814, 0.21621620655059814 ]
r1x4BnCqKX
[ "A generative model for reaction prediction that learns the mechanistic electron steps of a reaction directly from raw reaction data." ]
[ "When machine learning models are used for high-stakes decisions, they should predict accurately, fairly, and responsibly.", "To fulfill these three requirements, a model must be able to output a reject option (i.e. say \"``I Don't Know\") when it is not qualified to make a prediction.", "In this work, we propose learning to defer, a method by which a model can defer judgment to a downstream decision-maker such as a human user.", "We show that learning to defer generalizes the rejection learning framework in two ways: by considering the effect of other agents in the decision-making process, and by allowing for optimization of complex objectives.", "We propose a learning algorithm which accounts for potential biases held by decision-makerslater in a pipeline.", "Experiments on real-world datasets demonstrate that learning\n", "to defer can make a model not only more accurate but also less biased.", "Even when\n", "operated by highly biased users, we show that\n", "deferring models can still greatly improve the fairness of the entire pipeline." ]
[ 0, 0, 0, 0, 0, 0, 0, 0, 1, 0 ]
[ 0.04651162400841713, 0.14814814925193787, 0.20408162474632263, 0.18518517911434174, 0.0476190447807312, 0, 0.1463414579629898, 0, 0.2631579041481018 ]
SJUX_MWCZ
[ "Incorporating the ability to say I-don't-know can improve the fairness of a classifier without sacrificing too much accuracy, and this improvement magnifies when the classifier has insight into downstream decision-making." ]
[ "Hierarchical Task Networks (HTN) generate plans using a decomposition process guided by extra domain knowledge to guide search towards a planning task.", "While many HTN planners can make calls to external processes (e.g. to a simulator interface) during the decomposition process, this is a computationally expensive process, so planner implementations often use such calls in an ad-hoc way using very specialized domain knowledge to limit the number of calls.", "Conversely, the few classical planners that are capable of using external calls (often called semantic attachments) during planning do so in much more limited ways by generating a fixed number of ground operators at problem grounding time.", "In this paper we develop the notion of semantic attachments for HTN planning using semi co-routines, allowing such procedurally defined predicates to link the planning process to custom unifications outside of the planner.", "The resulting planner can then use such co-routines as part of its backtracking mechanism to search through parallel dimensions of the state-space (e.g. through numeric variables).", "We show empirically that our planner outperforms the state-of-the-art numeric planners in a number of domains using minimal extra domain knowledge." ]
[ 0, 0, 0, 1, 0, 0 ]
[ 0.1666666567325592, 0.1428571343421936, 0.19607843458652496, 0.23255813121795654, 0.04999999701976776, 0.0555555522441864 ]
BkxAIrBZtE
[ "An approach to perform HTN planning using external procedures to evaluate predicates at runtime (semantic attachments)." ]
[ "Recent literature suggests that averaged word vectors followed by simple post-processing outperform many deep learning methods on semantic textual similarity tasks.", "Furthermore, when averaged word vectors are trained supervised on large corpora of paraphrases, they achieve state-of-the-art results on standard STS benchmarks.", "Inspired by these insights, we push the limits of word embeddings even further.", "We propose a novel fuzzy bag-of-words (FBoW) representation for text that contains all the words in the vocabulary simultaneously but with different degrees of membership, which are derived from similarities between word vectors.", "We show that max-pooled word vectors are only a special case of fuzzy BoW and should be compared via fuzzy Jaccard index rather than cosine similarity.", "Finally, we propose DynaMax, a completely unsupervised and non-parametric similarity measure that dynamically extracts and max-pools good features depending on the sentence pair.", "This method is both efficient and easy to implement, yet outperforms current baselines on STS tasks by a large margin and is even competitive with supervised word vectors trained to directly optimise cosine similarity." ]
[ 0, 0, 0, 0, 1, 0, 0 ]
[ 0.25531914830207825, 0.1304347813129425, 0.1538461446762085, 0.3103448152542114, 0.31372547149658203, 0.2083333283662796, 0.24561403691768646 ]
SkxXg2C5FX
[ "Max-pooled word vectors with fuzzy Jaccard set similarity are an extremely competitive baseline for semantic similarity; we propose a simple dynamic variant that performs even better." ]
[ "State-of-the-art results in imitation learning are currently held by adversarial methods that iteratively estimate the divergence between student and expert policies and then minimize this divergence to bring the imitation policy closer to expert behavior.", "Analogous techniques for imitation learning from observations alone (without expert action labels), however, have not enjoyed the same ubiquitous successes. \n", "Recent work in adversarial methods for generative models has shown that the measure used to judge the discrepancy between real and synthetic samples is an algorithmic design choice, and that different choices can result in significant differences in model performance.", "Choices including Wasserstein distance and various $f$-divergences have already been explored in the adversarial networks literature, while more recently the latter class has been investigated for imitation learning.", "Unfortunately, we find that in practice this existing imitation-learning framework for using $f$-divergences suffers from numerical instabilities stemming from the combination of function approximation and policy-gradient reinforcement learning.", "In this work, we alleviate these challenges and offer a reparameterization of adversarial imitation learning as $f$-divergence minimization before further extending the framework to handle the problem of imitation from observations only.", "Empirically, we demonstrate that our design choices for coupling imitation learning and $f$-divergences are critical to recovering successful imitation policies.", "Moreover, we find that with the appropriate choice of $f$-divergence, we can obtain imitation-from-observation algorithms that outperform baseline approaches and more closely match expert performance in continous-control tasks with low-dimensional observation spaces.", "With high-dimensional observations, we still observe a significant gap with and without action labels, offering an interesting avenue for future work." ]
[ 0, 0, 0, 0, 0, 0, 0, 0, 1 ]
[ 0.2222222238779068, 0.21739129722118378, 0.1666666567325592, 0.11764705181121826, 0.19230768084526062, 0.25925925374031067, 0.13636362552642822, 0.18518517911434174, 0.260869562625885 ]
SyxDXJStPS
[ "The overall goal of this work is to enable sample-efficient imitation from expert demonstrations, both with and without the provision of expert action labels, through the use of f-divergences." ]
[ "Momentary fluctuations in attention (perceptual accuracy) correlate with neural activity fluctuations in primate visual areas.", "Yet, the link between such momentary neural fluctuations and attention state remains to be shown in the human brain.", "We investigate this link using a real-time cognitive brain machine interface (cBMI) based on steady state visually evoked potentials (SSVEPs): occipital EEG potentials evoked by rhythmically flashing stimuli.", "Tracking momentary fluctuations in SSVEP power, in real-time, we presented stimuli time-locked to when this power reached (predetermined) high or low thresholds.", "We observed a significant increase in discrimination accuracy (d') when stimuli were triggered during high (versus low) SSVEP power epochs, at the location cued for attention.", "Our results indicate a direct link between attention’s effects on perceptual accuracy and and neural gain in EEG-SSVEP power, in the human brain.\n" ]
[ 0, 0, 0, 0, 0, 1 ]
[ 0.10810810327529907, 0.380952388048172, 0.19999998807907104, 0.13333332538604736, 0.1599999964237213, 0.739130437374115 ]
ryeT47FIIS
[ "With a cognitive brain-machine interface, we show a direct link between attentional effects on perceptual accuracy and neural gain in EEG-SSVEP power, in the human brain." ]
[ "Recent studies have demonstrated the vulnerability of deep convolutional neural networks against adversarial examples.", "Inspired by the observation that the intrinsic dimension of image data is much smaller than its pixel space dimension and the vulnerability of neural networks grows with the input dimension, we propose to embed high-dimensional input images into a low-dimensional space to perform classification.", "However, arbitrarily projecting the input images to a low-dimensional space without regularization will not improve the robustness of deep neural networks.", "We propose a new framework, Embedding Regularized Classifier (ER-Classifier), which improves the adversarial robustness of the classifier through embedding regularization.", "Experimental results on several benchmark datasets show that, our proposed framework achieves state-of-the-art performance against strong adversarial attack methods." ]
[ 0, 0, 0, 1, 0 ]
[ 0.25806450843811035, 0.18867924809455872, 0.2702702581882477, 0.4444444477558136, 0.1111111044883728 ]
BygpAp4Ywr
[ "A general and easy-to-use framework that improves the adversarial robustness of deep classification models through embedding regularization." ]
[ "We investigate task clustering for deep learning-based multi-task and few-shot learning in the settings with large numbers of diverse tasks.", "Our method measures task similarities using cross-task transfer performance matrix.", "Although this matrix provides us critical information regarding similarities between tasks, the uncertain task-pairs, i.e., the ones with extremely asymmetric transfer scores, may collectively mislead clustering algorithms to output an inaccurate task-partition.", "Moreover, when the number of tasks is large, generating the full transfer performance matrix can be very time consuming.", "To overcome these limitations, we propose a novel task clustering algorithm to estimate the similarity matrix based on the theory of matrix completion.", "The proposed algorithm can work on partially-observed similarity matrices based on only sampled task-pairs with reliable scores, ensuring its efficiency and robustness.", "Our theoretical analysis shows that under mild assumptions, the reconstructed matrix perfectly matches the underlying “true” similarity matrix with an overwhelming probability.", "The final task partition is computed by applying an efficient spectral clustering algorithm to the recovered matrix.", "Our results show that the new task clustering method can discover task clusters that benefit both multi-task learning and few-shot learning setups for sentiment classification and dialog intent classification tasks." ]
[ 1, 0, 0, 0, 0, 0, 0, 0, 0 ]
[ 0.8372092843055725, 0.060606054961681366, 0.1071428507566452, 0.1463414579629898, 0.3636363446712494, 0.1818181723356247, 0.09302324801683426, 0.19999998807907104, 0.375 ]
B11bwYgfM
[ "We propose a matrix-completion based task clustering algorithm for deep multi-task and few-shot learning in the settings with large numbers of diverse tasks." ]
[ "The resemblance between the methods used in studying quantum-many body physics and in machine learning has drawn considerable attention.", "In particular, tensor networks (TNs) and deep learning architectures bear striking similarities to the extent that TNs can be used for machine learning.", "Previous results used one-dimensional TNs in image recognition, showing limited scalability and a request of high bond dimension.", "In this work, we train two-dimensional hierarchical TNs to solve image recognition problems, using a training algorithm derived from the multipartite entanglement renormalization ansatz (MERA).", "This approach overcomes scalability issues and implies novel mathematical connections among quantum many-body physics, quantum information theory, and machine learning.", "While keeping the TN unitary in the training phase, TN states can be defined, which optimally encodes each class of the images into a quantum many-body state.", "We study the quantum features of the TN states, including quantum entanglement and fidelity.", "We suggest these quantities could be novel properties that characterize the image classes, as well as the machine learning tasks.", "Our work could be further applied to identifying possible quantum properties of certain artificial intelligence methods." ]
[ 0, 0, 0, 0, 1, 0, 0, 0, 0 ]
[ 0.1666666567325592, 0.14999999105930328, 0.1111111044883728, 0, 1, 0.0952380895614624, 0.13333332538604736, 0.1666666567325592, 0.05882352590560913 ]
ryF-cQ6T-
[ "This approach overcomes scalability issues and implies novel mathematical connections among quantum many-body physics, quantum information theory, and machine learning." ]
[ "Predicting outcomes and planning interactions with the physical world are long-standing goals for machine learning.", "A variety of such tasks involves continuous physical systems, which can be described by partial differential equations (PDEs) with many degrees of freedom.", "Existing methods that aim to control the dynamics of such systems are typically limited to relatively short time frames or a small number of interaction parameters.", "We present a novel hierarchical predictor-corrector scheme which enables neural networks to learn to understand and control complex nonlinear physical systems over long time frames.", "We propose to split the problem into two distinct tasks: planning and control.", "To this end, we introduce a predictor network that plans optimal trajectories and a control network that infers the corresponding control parameters.", "Both stages are trained end-to-end using a differentiable PDE solver.", "We demonstrate that our method successfully develops an understanding of complex physical systems and learns to control them for tasks involving PDEs such as the incompressible Navier-Stokes equations." ]
[ 0, 0, 0, 1, 0, 0, 0, 0 ]
[ 0.13333332538604736, 0.10810810327529907, 0.20512820780277252, 0.41025641560554504, 0.1428571343421936, 0.1818181723356247, 0.07999999821186066, 0.3255814015865326 ]
HyeSin4FPB
[ "We train a combination of neural networks to predict optimal trajectories for complex physical systems." ]
[ "The ability of overparameterized deep networks to generalize well has been linked to the fact that stochastic gradient descent (SGD) finds solutions that lie in flat, wide minima in the training loss -- minima where the output of the network is resilient to small random noise added to its parameters. \n", "So far this observation has been used to provide generalization guarantees only for neural networks whose parameters are either \\textit{stochastic} or \\textit{compressed}.", "In this work, we present a general PAC-Bayesian framework that leverages this observation to provide a bound on the original network learned -- a network that is deterministic and uncompressed. ", "What enables us to do this is a key novelty in our approach: our framework allows us to show that if on training data, the interactions between the weight matrices satisfy certain conditions that imply a wide training loss minimum, these conditions themselves {\\em generalize} to the interactions between the matrices on test data, thereby implying a wide test loss minimum.", "We then apply our general framework in a setup where we assume that the pre-activation values of the network are not too small (although we assume this only on the training data).", "In this setup, we provide a generalization guarantee for the original (deterministic, uncompressed) network, that does not scale with product of the spectral norms of the weight matrices -- a guarantee that would not have been possible with prior approaches." ]
[ 0, 0, 1, 0, 0, 0 ]
[ 0.21875, 0.2222222238779068, 0.2857142686843872, 0.1875, 0.2745097875595093, 0.2545454502105713 ]
Hygn2o0qKX
[ "We provide a PAC-Bayes based generalization guarantee for uncompressed, deterministic deep networks by generalizing noise-resilience of the network on the training data to the test data." ]
[ "Training neural networks to be certifiably robust is critical to ensure their safety against adversarial attacks.", "However, it is currently very difficult to train a neural network that is both accurate and certifiably robust.", "In this work we take a step towards addressing this challenge.", "We prove that for every continuous function $f$, there exists a network $n$ such that:\n", "(i) $n$ approximates $f$ arbitrarily close, and", "(ii) simple interval bound propagation of a region $B$ through $n$ yields a result that is arbitrarily close to the optimal output of $f$ on $B$.", "Our result can be seen as a Universal Approximation Theorem for interval-certified ReLU networks.", "To the best of our knowledge, this is the first work to prove the existence of accurate, interval-certified networks." ]
[ 0, 0, 0, 1, 0, 0, 0, 0 ]
[ 0.10810810327529907, 0.25641024112701416, 0.0624999962747097, 0.4324324131011963, 0, 0.2222222238779068, 0.1111111044883728, 0.15789473056793213 ]
B1gX8kBtPr
[ "We prove that for a large class of functions f there exists an interval certified robust network approximating f up to arbitrary precision." ]
[ "In this paper, we propose an efficient framework to accelerate convolutional neural networks.", "We utilize two types of acceleration methods: pruning and hints.", "Pruning can reduce model size by removing channels of layers.", "Hints can improve the performance of student model by transferring knowledge from teacher model.", "We demonstrate that pruning and hints are complementary to each other.", "On one hand, hints can benefit pruning by maintaining similar feature representations.", "On the other hand, the model pruned from teacher networks is a good initialization for student model, which increases the transferability between two networks.", "Our approach performs pruning stage and hints stage iteratively to further improve the\n", "performance.", "Furthermore, we propose an algorithm to reconstruct the parameters of hints layer and make the pruned model more suitable for hints.", "Experiments were conducted on various tasks including classification and pose estimation.", "Results on CIFAR-10, ImageNet and COCO demonstrate the generalization and superiority of our framework." ]
[ 0, 0, 0, 0, 0, 0, 0, 1, 0, 0, 0, 0 ]
[ 0, 0.1666666567325592, 0, 0.07407406717538834, 0.1599999964237213, 0.07692307233810425, 0.22857142984867096, 0.23076923191547394, 0.1818181723356247, 0.07999999821186066, 0.14814814925193787 ]
Hyffti0ctQ
[ "This is a work aiming for boosting all the existing pruning and mimic method." ]
[ "For typical sequence prediction problems such as language generation, maximum likelihood estimation (MLE) has commonly been adopted as it encourages the predicted sequence most consistent with the ground-truth sequence to have the highest probability of occurring.", "However, MLE focuses on once-to-all matching between the predicted sequence and gold-standard, consequently treating all incorrect predictions as being equally incorrect.", "We refer to this drawback as {\\it negative diversity ignorance} in this paper.", "Treating all incorrect predictions as equal unfairly downplays the nuance of these sequences' detailed token-wise structure.", "To counteract this, we augment the MLE loss by introducing an extra Kullback--Leibler divergence term derived by comparing a data-dependent Gaussian prior and the detailed training prediction.", "The proposed data-dependent Gaussian prior objective (D2GPo) is defined over a prior topological order of tokens and is poles apart from the data-independent Gaussian prior (L2 regularization) commonly adopted in smoothing the training of MLE.", "Experimental results show that the proposed method makes effective use of a more detailed prior in the data and has improved performance in typical language generation tasks, including supervised and unsupervised machine translation, text summarization, storytelling, and image captioning.\n" ]
[ 0, 0, 0, 0, 1, 0, 0 ]
[ 0.11320754140615463, 0.0952380895614624, 0.1764705777168274, 0.052631575614213943, 0.3404255211353302, 0.31372547149658203, 0.13793103396892548 ]
S1efxTVYDr
[ "We introduce an extra data-dependent Gaussian prior objective to augment the current MLE training, which is designed to capture the prior knowledge in the ground-truth data." ]
[ "We propose an interactive classification approach for natural language queries.", "Instead of classifying given the natural language query only, we ask the user for additional information using a sequence of binary and multiple-choice questions.", "At each turn, we use a policy controller to decide if to present a question or pro-vide the user the final answer, and select the best question to ask by maximizing the system information gain.", "Our formulation enables bootstrapping the system without any interaction data, instead relying on non-interactive crowdsourcing an-notation tasks.", "Our evaluation shows the interaction helps the system increase its accuracy and handle ambiguous queries, while our approach effectively balances the number of questions and the final accuracy." ]
[ 1, 0, 0, 0, 0 ]
[ 0.5454545617103577, 0.4000000059604645, 0.2745097875595093, 0, 0.08695651590824127 ]
rkx9_gHtvS
[ "We propose an interactive approach for classifying natural language queries by asking users for additional information using information gain and a reinforcement learning policy controller." ]
[ "Convolutional neural networks (CNNs) have achieved state of the art performance on recognizing and representing audio, images, videos and 3D volumes; that is, domains where the input can be characterized by a regular graph structure. \n", "However, generalizing CNNs to irregular domains like 3D meshes is challenging.", "Additionally, training data for 3D meshes is often limited.", "In this work, we generalize convolutional autoencoders to mesh surfaces.", "We perform spectral decomposition of meshes and apply convolutions directly in frequency space.", "In addition, we use max pooling and introduce upsampling within the network to represent meshes in a low dimensional space.", "We construct a complex dataset of 20,466 high resolution meshes with extreme facial expressions and encode it using our Convolutional Mesh Autoencoder.", "Despite limited training data, our method outperforms state-of-the-art PCA models of faces with 50% lower error, while using 75% fewer parameters." ]
[ 0, 0, 0, 1, 0, 0, 0, 0 ]
[ 0.1249999925494194, 0.1599999964237213, 0.17391303181648254, 0.3333333432674408, 0.07407406717538834, 0.11764705181121826, 0.277777761220932, 0 ]
SkgYEQ9h4m
[ "Convolutional autoencoders generalized to mesh surfaces for encoding and reconstructing extreme 3D facial expressions." ]
[ "Computing distances between examples is at the core of many learning algorithms for time series.", "Consequently, a great deal of work has gone into designing effective time series distance measures.", "We present Jiffy, a simple and scalable distance metric for multivariate time series.", "Our approach is to reframe the task as a representation learning problem---rather than design an elaborate distance function, we use a CNN to learn an embedding such that the Euclidean distance is effective.", "By aggressively max-pooling and downsampling, we are able to construct this embedding using a highly compact neural network.", "Experiments on a diverse set of multivariate time series datasets show that our approach consistently outperforms existing methods." ]
[ 0, 0, 0, 0, 0, 1 ]
[ 0.31578946113586426, 0.2631579041481018, 0.3888888955116272, 0.2800000011920929, 0.09756097197532654, 0.4878048598766327 ]
ryacTMZRZ
[ "Jiffy is a convolutional approach to learning a distance metric for multivariate time series that outperforms existing methods in terms of nearest-neighbor classification accuracy." ]
[ "Prefrontal cortex (PFC) is a part of the brain which is responsible for behavior repertoire.", "Inspired by PFC functionality and connectivity, as well as human behavior formation process, we propose a novel modular architecture of neural networks with a Behavioral Module (BM) and corresponding end-to-end training strategy. ", "This approach allows the efficient learning of behaviors and preferences representation.", "This property is particularly useful for user modeling (as for dialog agents) and recommendation tasks, as allows learning personalized representations of different user states. ", "In the experiment with video games playing, the resultsshow that the proposed method allows separation of main task’s objectives andbehaviors between different BMs.", "The experiments also show network extendability through independent learning of new behavior patterns.", "Moreover, we demonstrate a strategy for an efficient transfer of newly learned BMs to unseen tasks." ]
[ 1, 0, 0, 0, 0, 0, 0 ]
[ 0.2222222238779068, 0.04651162400841713, 0.0833333283662796, 0.1666666567325592, 0.11764705181121826, 0.07692307233810425, 0.13793103396892548 ]
Syl6tjAqKX
[ "Extendable Modular Architecture is proposed for developing of variety of Agent Behaviors in DQN." ]
[ "A major component of overfitting in model-free reinforcement learning (RL) involves the case where the agent may mistakenly correlate reward with certain spurious features from the observations generated by the Markov Decision Process (MDP).", "We provide a general framework for analyzing this scenario, which we use to design multiple synthetic benchmarks from only modifying the observation space of an MDP.", "When an agent overfits to different observation spaces even if the underlying MDP dynamics is fixed, we term this observational overfitting.", "Our experiments expose intriguing properties especially with regards to implicit regularization, and also corroborate results from previous works in RL generalization and supervised learning (SL)." ]
[ 0, 1, 0, 0 ]
[ 0.24561403691768646, 0.26923075318336487, 0.21276594698429108, 0.19999998807907104 ]
HJli2hNKDH
[ "We isolate one factor of RL generalization by analyzing the case when the agent only overfits to the observations. We show that architectural implicit regularizations occur in this regime." ]
[ "We propose a neural language model capable of unsupervised syntactic structure induction.", "The model leverages the structure information to form better semantic representations and better language modeling.", "Standard recurrent neural networks are limited by their structure and fail to efficiently use syntactic information.", "On the other hand, tree-structured recursive networks usually require additional structural supervision at the cost of human expert annotation.", "In this paper, We propose a novel neural language model, called the Parsing-Reading-Predict Networks (PRPN), that can simultaneously induce the syntactic structure from unannotated sentences and leverage the inferred structure to learn a better language model.", "In our model, the gradient can be directly back-propagated from the language model loss into the neural parsing network.", "Experiments show that the proposed model can discover the underlying syntactic structure and achieve state-of-the-art performance on word/character-level language model tasks." ]
[ 0, 0, 0, 0, 1, 0, 0 ]
[ 0.3720930218696594, 0.31111109256744385, 0.21276594698429108, 0.04081632196903229, 1, 0.3333333432674408, 0.3199999928474426 ]
rkgOLb-0W
[ "In this paper, We propose a novel neural language model, called the Parsing-Reading-Predict Networks (PRPN), that can simultaneously induce the syntactic structure from unannotated sentences and leverage the inferred structure to learn a better language model." ]
[ "Unsupervised embedding learning aims to extract good representations from data without the use of human-annotated labels.", "Such techniques are apparently in the limelight because of the challenges in collecting massive-scale labels required for supervised learning.", "This paper proposes a comprehensive approach, called Super-AND, which is based on the Anchor Neighbourhood Discovery model.", "Multiple losses defined in Super-AND make similar samples gather even within a low-density space and keep features invariant against augmentation.", "As a result, our model outperforms existing approaches in various benchmark datasets and achieves an accuracy of 89.2% in CIFAR-10 with the Resnet18 backbone network, a 2.9% gain over the state-of-the-art." ]
[ 1, 0, 0, 0, 0 ]
[ 0.25806450843811035, 0.25, 0.25, 0.05714285373687744, 0.13333332538604736 ]
Hkgty1BFDS
[ "We proposed a comprehensive approach for unsupervised embedding learning on the basis of AND algorithm." ]
[ "Analysis of histopathology slides is a critical step for many diagnoses, and in particular in oncology where it defines the gold standard.", "In the case of digital histopathological analysis, highly trained pathologists must review vast whole-slide-images of extreme digital resolution (100,000^2 pixels) across multiple zoom levels in order to locate abnormal regions of cells, or in some cases single cells, out of millions.", "The application of deep learning to this problem is hampered not only by small sample sizes, as typical datasets contain only a few hundred samples, but also by the generation of ground-truth localized annotations for training interpretable classification and segmentation models.", "We propose a method for disease available during training.", "Even without pixel-level annotations, we are able to demonstrate performance comparable with models trained with strong annotations on the Camelyon-16 lymph node metastases detection challenge.", "We accomplish this through the use of pre-trained deep convolutional networks, feature embedding, as well as learning via top instances and negative evidence, a multiple instance learning technique fromatp the field of semantic segmentation and object detection." ]
[ 1, 0, 0, 0, 0, 0 ]
[ 0.2978723347187042, 0.13114753365516663, 0.25, 0.2857142686843872, 0.03999999538064003, 0.20689654350280762 ]
ryserbZR-
[ "We propose a weakly supervised learning method for the classification and localization of cancers in extremely high resolution histopathology whole slide images using only image-wide labels." ]
[ "Massively multi-label prediction/classification problems arise in environments like health-care or biology where it is useful to make very precise predictions.", "One challenge with massively multi-label problems is that there is often a long-tailed frequency distribution for the labels, resulting in few positive examples for the rare labels.", "We propose a solution to this problem by modifying the output layer of a neural network to create a Bayesian network of sigmoids which takes advantage of ontology relationships between the labels to help share information between the rare and the more common labels. ", "We apply this method to the two massively multi-label tasks of disease prediction (ICD-9 codes) and protein function prediction (Gene Ontology terms) and obtain significant improvements in per-label AUROC and average precision." ]
[ 0, 1, 0, 0 ]
[ 0.21621620655059814, 0.24390242993831635, 0.23999999463558197, 0.21739129722118378 ]
r1g1LoAcFm
[ " We propose a new method for using ontology information to improve performance on massively multi-label prediction/classification problems." ]
[ "Generative Adversarial Networks have made data generation possible in various use cases, but in case of complex, high-dimensional distributions it can be difficult to train them, because of convergence problems and the appearance of mode collapse.\n", "Sliced Wasserstein GANs and especially the application of the Max-Sliced Wasserstein distance made it possible to approximate Wasserstein distance during training in an efficient and stable way and helped ease convergence problems of these architectures.\n\n", "This method transforms sample assignment and distance calculation into sorting the one-dimensional projection of the samples, which results a sufficient approximation of the high-dimensional Wasserstein distance. \n\n", "In this paper we will demonstrate that the approximation of the Wasserstein distance by sorting the samples is not always the optimal approach and the greedy assignment of the real and fake samples can result faster convergence and better approximation of the original distribution." ]
[ 0, 0, 1, 0 ]
[ 0.11999999731779099, 0.2666666507720947, 0.3589743673801422, 0.3333333432674408 ]
BJgRsyBtPB
[ "We apply a greedy assignment on the projected samples instead of sorting to approximate Wasserstein distance" ]
[ "Lifelong machine learning focuses on adapting to novel tasks without forgetting the old tasks, whereas few-shot learning strives to learn a single task given a small amount of data.", "These two different research areas are crucial for artificial general intelligence, however, their existing studies have somehow assumed some impractical settings when training the models.", "For lifelong learning, the nature (or the quantity) of incoming tasks during inference time is assumed to be known at training time.", "As for few-shot learning, it is commonly assumed that a large number of tasks is available during training.", "Humans, on the other hand, can perform these learning tasks without regard to the aforementioned assumptions.", "Inspired by how the human brain works, we propose a novel model, called the Slow Thinking to Learn (STL), that makes sophisticated (and slightly slower) predictions by iteratively considering interactions between current and previously seen tasks at runtime.", "Having conducted experiments, the results empirically demonstrate the effectiveness of STL for more realistic lifelong and few-shot learning settings." ]
[ 0, 0, 0, 0, 0, 0, 1 ]
[ 0.19999998807907104, 0.12244897335767746, 0.13636362552642822, 0.04878048226237297, 0.20512820780277252, 0.19999998807907104, 0.2857142686843872 ]
HklbIerFDS
[ "This paper studies the interactions between the fast-learning and slow-prediction models and demonstrate how such interactions can improve machine capability to solve the joint lifelong and few-shot learning problems." ]
[ "Hypernetworks are meta neural networks that generate weights for a main neural network in an end-to-end differentiable manner.", "Despite extensive applications ranging from multi-task learning to Bayesian deep learning, the problem of optimizing hypernetworks has not been studied to date.", "We observe that classical weight initialization methods like Glorot & Bengio (2010) and He et al. (2015), when applied directly on a hypernet, fail to produce weights for the mainnet in the correct scale.", "We develop principled techniques for weight initialization in hypernets, and show that they lead to more stable mainnet weights, lower training loss, and faster convergence." ]
[ 0, 0, 0, 1 ]
[ 0.07999999821186066, 0.06896550953388214, 0.1463414579629898, 0.25 ]
H1lma24tPB
[ "The first principled weight initialization method for hypernetworks" ]
[ "For bidirectional joint image-text modeling, we develop variational hetero-encoder (VHE) randomized generative adversarial network (GAN), a versatile deep generative model that integrates a probabilistic text decoder, probabilistic image encoder, and GAN into a coherent end-to-end multi-modality learning framework.", "VHE randomized GAN (VHE-GAN) encodes an image to decode its associated text, and feeds the variational posterior as the source of randomness into the GAN image generator.", "We plug three off-the-shelf modules, including a deep topic model, a ladder-structured image encoder, and StackGAN++, into VHE-GAN, which already achieves competitive performance.", "This further motivates the development of VHE-raster-scan-GAN that generates photo-realistic images in not only a multi-scale low-to-high-resolution manner, but also a hierarchical-semantic coarse-to-fine fashion.", "By capturing and relating hierarchical semantic and visual concepts with end-to-end training, VHE-raster-scan-GAN achieves state-of-the-art performance in a wide variety of image-text multi-modality learning and generation tasks." ]
[ 0, 0, 0, 0, 1 ]
[ 0.2711864411830902, 0.1249999925494194, 0.1702127605676651, 0.1249999925494194, 0.4000000059604645 ]
H1x5wRVtvS
[ "A novel Bayesian deep learning framework that captures and relates hierarchical semantic and visual concepts, performing well on a variety of image and text modeling and generation tasks." ]
[ "Current classical planners are very successful in finding (non-optimal) plans, even for large planning instances.", "To do so, most planners rely on a preprocessing stage that computes a grounded representation of the task.", "Whenever the grounded task is too big to be generated (i.e., whenever this preprocess fails) the instance cannot even be tackled by the actual planner.", "To address this issue, we introduce a partial grounding approach that grounds only a projection of the task, when complete grounding is not feasible.", "We propose a guiding mechanism that, for a given domain, identifies the parts of a task that are relevant to find a plan by using off-the-shelf machine learning methods.", "Our empirical evaluation attests that the approach is capable of solving planning instances that are too big to be fully grounded." ]
[ 0, 0, 0, 1, 0, 0 ]
[ 0, 0.23076923191547394, 0.20338982343673706, 0.28070175647735596, 0.19672130048274994, 0.1818181723356247 ]
r1e44bPpP4
[ "This paper introduces partial grounding to tackle the problem that arises when the full grounding process, i.e., the translation of a PDDL input task into a ground representation like STRIPS, is infeasible due to memory or time constraints." ]