Unnamed: 0.1
int64 0
113k
| Unnamed: 0
float64 0
113k
⌀ | title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|---|---|
111,400 | 111,400 | Diffusion probabilistic modeling of protein backbones in 3D for the
motif-scaffolding problem | Construction of a scaffold structure that supports a desired motif,
conferring protein function, shows promise for the design of vaccines and
enzymes. But a general solution to this motif-scaffolding problem remains open.
Current machine-learning techniques for scaffold design are either limited to
unrealistically small scaffolds (up to length 20) or struggle to produce
multiple diverse scaffolds. We propose to learn a distribution over diverse and
longer protein backbone structures via an E(3)-equivariant graph neural
network. We develop SMCDiff to efficiently sample scaffolds from this
distribution conditioned on a given motif; our algorithm is the first to
theoretically guarantee conditional samples from a diffusion model in the
large-compute limit. We evaluate our designed backbones by how well they align
with AlphaFold2-predicted structures. We show that our method can (1) sample
scaffolds up to 80 residues and (2) achieve structurally diverse scaffolds for
a fixed motif.
|
111,401 | 111,401 | ESCHER: Eschewing Importance Sampling in Games by Computing a History
Value Function to Estimate Regret | Recent techniques for approximating Nash equilibria in very large games
leverage neural networks to learn approximately optimal policies (strategies).
One promising line of research uses neural networks to approximate
counterfactual regret minimization (CFR) or its modern variants. DREAM, the
only current CFR-based neural method that is model free and therefore scalable
to very large games, trains a neural network on an estimated regret target that
can have extremely high variance due to an importance sampling term inherited
from Monte Carlo CFR (MCCFR). In this paper we propose an unbiased model-free
method that does not require any importance sampling. Our method, ESCHER, is
principled and is guaranteed to converge to an approximate Nash equilibrium
with high probability in the tabular case. We show that the variance of the
estimated regret of a tabular version of ESCHER with an oracle value function
is significantly lower than that of outcome sampling MCCFR and tabular DREAM
with an oracle value function. We then show that a deep learning version of
ESCHER outperforms the prior state of the art -- DREAM and neural fictitious
self play (NFSP) -- and the difference becomes dramatic as game size increases.
|
111,402 | 111,402 | TreeFlow: Going beyond Tree-based Gaussian Probabilistic Regression | The tree-based ensembles are known for their outstanding performance for
classification and regression problems characterized by feature vectors
represented by mixed-type variables from various ranges and domains. However,
considering regression problems, they are primarily designed to provide
deterministic responses or model the uncertainty of the output with a Gaussian
distribution. In this work, we introduce TreeFlow, the tree-based approach that
combines the benefits of using tree ensembles with capabilities of modeling
flexible probability distributions using normalizing flows. The main idea of
the solution is to use a tree-based model as a feature extractor and combine it
with a conditional variant of normalizing flow. Consequently, our approach is
capable of modeling complex distributions for the regression outputs. We
evaluate the proposed method on challenging regression benchmarks with varying
volume, feature characteristics, and target dimensionality. We obtain the SOTA
results on datasets with non-gaussian target distributions and competitive
results on gaussian ones compared to tree-based regression baselines.
|
111,403 | 111,403 | A Comprehensive Survey of Graph-based Deep Learning Approaches for
Anomaly Detection in Complex Distributed Systems | Anomaly detection is an important problem for complex distributed systems
consisting of hardware and software components. A thorough understanding of the
requirements and challenges of anomaly detection for such systems is pivotal to
the security of a system, especially for real-world deployment. While there
have been many diverse research areas and application domains that deal with
the problem, few have attempted to provide an in-depth look at such systems.
Most anomaly detection techniques have been specifically developed for certain
application domains, while others are more generic. In this survey, we explore
the significant potential of graph-based algorithms to identify and mitigate
different types of anomalies in complex distributed heterogeneous systems. Our
main focus is to provide an in-depth look at graphs when applied on
heterogeneous computing devices spread across complex distributed systems. This
study analyzes, compares, and contrasts the state-of-the-art research articles
in the field. First, we describe the characteristics of the real-world
distributed systems and their specific challenges of anomaly detection in such
complex networks, such as data and evaluation, nature of the anomalies, and
real-world requirements. Later, we discuss why graphs can be leveraged in such
systems and the benefits of utilizing graphs. Then we will aptly delve into the
state-of-the-art approaches and highlight their strength and weaknesses.
Finally, we evaluate and compare these approaches and point out the areas for
possible improvements.
|
111,404 | 111,404 | Ensembling Framework for Texture Extraction Techniques for
Classification | In the past few years, texture-based classification problems have proven
their significance in many domains, from industrial inspection to
health-related applications. New techniques and CNN-based architectures have
been developed in recent years to solve texture-based classification problems.
The limitation of these approaches is that none of them claims to be the best
suited for all types of textures. Each technique has its advantage over a
specific texture type. To address this issue, we are proposing a framework that
combines existing techniques to extract texture features and displays better
results than the present ones. The proposed framework works well on the most of
the texture types, and in this framework, new techniques can also be added to
achieve better results than existing ones. We are also presenting the SOTA
results on FMD and KTH datasets by combining three existing techniques, using
the proposed framework.
|
111,405 | 111,405 | Alternating Mirror Descent for Constrained Min-Max Games | In this paper we study two-player bilinear zero-sum games with constrained
strategy spaces. An instance of natural occurrences of such constraints is when
mixed strategies are used, which correspond to a probability simplex
constraint. We propose and analyze the alternating mirror descent algorithm, in
which each player takes turns to take action following the mirror descent
algorithm for constrained optimization. We interpret alternating mirror descent
as an alternating discretization of a skew-gradient flow in the dual space, and
use tools from convex optimization and modified energy function to establish an
$O(K^{-2/3})$ bound on its average regret after $K$ iterations. This
quantitatively verifies the algorithm's better behavior than the simultaneous
version of mirror descent algorithm, which is known to diverge and yields an
$O(K^{-1/2})$ average regret bound. In the special case of an unconstrained
setting, our results recover the behavior of alternating gradient descent
algorithm for zero-sum games which was studied in (Bailey et al., COLT 2020).
|
111,406 | 111,406 | CASS: Cross Architectural Self-Supervision for Medical Image Analysis | Recent advances in Deep Learning and Computer Vision have alleviated many of
the bottlenecks, allowing algorithms to be label-free with better performance.
Specifically, Transformers provide a global perspective of the image, which
Convolutional Neural Networks (CNN) lack by design. Here we present Cross
Architectural Self-Supervision, a novel self-supervised learning approach which
leverages transformers and CNN simultaneously, while also being computationally
accessible to general practitioners via easily available cloud services.
Compared to existing state-of-the-art self-supervised learning approaches, we
empirically show CASS trained CNNs, and Transformers gained an average of 8.5%
with 100% labelled data, 7.3% with 10% labelled data, and 11.5% with 1%
labelled data, across three diverse datasets. Notably, one of the employed
datasets included histopathology slides of an autoimmune disease, a topic
underrepresented in Medical Imaging and has minimal data. In addition, our
findings reveal that CASS is twice as efficient as other state-of-the-art
methods in terms of training time.
|
111,407 | 111,407 | On Gradient Descent Convergence beyond the Edge of Stability | Gradient Descent (GD) is a powerful workhorse of modern machine learning
thanks to its scalability and efficiency in high-dimensional spaces. Its
ability to find local minimisers is only guaranteed for losses with Lipschitz
gradients, where it can be seen as a 'bona-fide' discretisation of an
underlying gradient flow. Yet, many ML setups involving overparametrised models
do not fall into this problem class, which has motivated research beyond the
so-called "Edge of Stability", where the step-size crosses the admissibility
threshold inversely proportional to the Lipschitz constant above. Perhaps
surprisingly, GD has been empirically observed to still converge regardless of
local instability. In this work, we study a local condition for such an
unstable convergence around a local minima in a low dimensional setting. We
then leverage these insights to establish global convergence of a two-layer
single-neuron ReLU student network aligning with the teacher neuron in a large
learning rate beyond the Edge of Stability under population loss. Meanwhile,
while the difference of norms of the two layers is preserved by gradient flow,
we show that GD above the edge of stability induces a balancing effect, leading
to the same norms across the layers.
|
111,408 | 111,408 | VN-Transformer: Rotation-Equivariant Attention for Vector Neurons | Rotation equivariance is a desirable property in many practical applications
such as motion forecasting and 3D perception, where it can offer benefits like
sample efficiency, better generalization, and robustness to input
perturbations. Vector Neurons (VN) is a recently developed framework offering a
simple yet effective approach for deriving rotation-equivariant analogs of
standard machine learning operations by extending one-dimensional scalar
neurons to three-dimensional "vector neurons." We introduce a novel
"VN-Transformer" architecture to address several shortcomings of the current VN
models. Our contributions are: $(i)$ we derive a rotation-equivariant attention
mechanism which eliminates the need for the heavy feature preprocessing
required by the original Vector Neurons models; $(ii)$ we extend the VN
framework to support non-spatial attributes, expanding the applicability of
these models to real-world datasets; $(iii)$ we derive a rotation-equivariant
mechanism for multi-scale reduction of point-cloud resolution, greatly speeding
up inference and training; $(iv)$ we show that small tradeoffs in equivariance
($\epsilon$-approximate equivariance) can be used to obtain large improvements
in numerical stability and training robustness on accelerated hardware, and we
bound the propagation of equivariance violations in our models. Finally, we
apply our VN-Transformer to 3D shape classification and motion forecasting with
compelling results.
|
111,409 | 111,409 | Learning in Distributed Contextual Linear Bandits Without Sharing the
Context | Contextual linear bandits is a rich and theoretically important model that
has many practical applications. Recently, this setup gained a lot of interest
in applications over wireless where communication constraints can be a
performance bottleneck, especially when the contexts come from a large
$d$-dimensional space. In this paper, we consider a distributed memoryless
contextual linear bandit learning problem, where the agents who observe the
contexts and take actions are geographically separated from the learner who
performs the learning while not seeing the contexts. We assume that contexts
are generated from a distribution and propose a method that uses $\approx 5d$
bits per context for the case of unknown context distribution and $0$ bits per
context if the context distribution is known, while achieving nearly the same
regret bound as if the contexts were directly observable. The former bound
improves upon existing bounds by a $\log(T)$ factor, where $T$ is the length of
the horizon, while the latter achieves information theoretical tightness.
|
111,410 | 111,410 | Reinforced Inverse Scattering | Inverse wave scattering aims at determining the properties of an object using
data on how the object scatters incoming waves. In order to collect
information, sensors are put in different locations to send and receive waves
from each other. The choice of sensor positions and incident wave frequencies
determines the reconstruction quality of scatterer properties. This paper
introduces reinforcement learning to develop precision imaging that decides
sensor positions and wave frequencies adaptive to different scatterers in an
intelligent way, thus obtaining a significant improvement in reconstruction
quality with limited imaging resources. Extensive numerical results will be
provided to demonstrate the superiority of the proposed method over existing
methods.
|
111,411 | 111,411 | CCP: Correlated Clustering and Projection for Dimensionality Reduction | Most dimensionality reduction methods employ frequency domain representations
obtained from matrix diagonalization and may not be efficient for large
datasets with relatively high intrinsic dimensions. To address this challenge,
Correlated Clustering and Projection (CCP) offers a novel data domain strategy
that does not need to solve any matrix. CCP partitions high-dimensional
features into correlated clusters and then projects correlated features in each
cluster into a one-dimensional representation based on sample correlations.
Residue-Similarity (R-S) scores and indexes, the shape of data in Riemannian
manifolds, and algebraic topology-based persistent Laplacian are introduced for
visualization and analysis. Proposed methods are validated with benchmark
datasets associated with various machine learning algorithms.
|
111,412 | 111,412 | ExpressivE: A Spatio-Functional Embedding For Knowledge Graph Completion | Knowledge graphs are inherently incomplete. Therefore substantial research
has been directed towards knowledge graph completion (KGC), i.e., predicting
missing triples from the information represented in the knowledge graph (KG).
Embedding models have yielded promising results for KGC, yet any current KGC
embedding model is incapable of: (1) fully capturing vital inference patterns
(e.g., composition), (2) capturing prominent logical rules jointly (e.g.,
hierarchy and composition), and (3) providing an intuitive interpretation of
captured patterns. In this work, we propose ExpressivE, a fully expressive
spatio-functional embedding model that solves all these challenges
simultaneously. ExpressivE embeds pairs of entities as points and relations as
hyper-parallelograms in the virtual triple space $\mathbb{R}^{2d}$. This model
design allows ExpressivE not only to capture a rich set of inference patterns
jointly but additionally to display any supported inference pattern through the
spatial relation of hyper-parallelograms, offering an intuitive and consistent
geometric interpretation of ExpressivE embeddings and their captured patterns.
Experimental results on standard KGC benchmarks reveal that ExpressivE is
competitive with state-of-the-art models and even significantly outperforms
them on WN18RR.
|
111,413 | 111,413 | Exploring Predictive States via Cantor Embeddings and Wasserstein
Distance | Predictive states for stochastic processes are a nonparametric and
interpretable construct with relevance across a multitude of modeling
paradigms. Recent progress on the self-supervised reconstruction of predictive
states from time-series data focused on the use of reproducing kernel Hilbert
spaces. Here, we examine how Wasserstein distances may be used to detect
predictive equivalences in symbolic data. We compute Wasserstein distances
between distributions over sequences ("predictions"), using a
finite-dimensional embedding of sequences based on the Cantor for the
underlying geometry. We show that exploratory data analysis using the resulting
geometry via hierarchical clustering and dimension reduction provides insight
into the temporal structure of processes ranging from the relatively simple
(e.g., finite-state hidden Markov models) to the very complex (e.g.,
infinite-state indexed grammars).
|
111,414 | 111,414 | Deep Surrogate Assisted Generation of Environments | Recent progress in reinforcement learning (RL) has started producing
generally capable agents that can solve a distribution of complex environments.
These agents are typically tested on fixed, human-authored environments. On the
other hand, quality diversity (QD) optimization has been proven to be an
effective component of environment generation algorithms, which can generate
collections of high-quality environments that are diverse in the resulting
agent behaviors. However, these algorithms require potentially expensive
simulations of agents on newly generated environments. We propose Deep
Surrogate Assisted Generation of Environments (DSAGE), a sample-efficient QD
environment generation algorithm that maintains a deep surrogate model for
predicting agent behaviors in new environments. Results in two benchmark
domains show that DSAGE significantly outperforms existing QD environment
generation algorithms in discovering collections of environments that elicit
diverse behaviors of a state-of-the-art RL agent and a planning agent.
|
111,415 | 111,415 | It's a super deal -- train recurrent network on noisy data and get
smooth prediction free | Recent research demonstrate that prediction of time series by predictive
recurrent neural networks based on the noisy input generates a {\it smooth}
anticipated trajectory. We examine influence of the noise component in both the
training data sets and the input sequences on network prediction quality. We
propose and discuss an explanation of the observed noise compression in the
predictive process. We also discuss importance of this property of recurrent
networks in the neuroscience context for the evolution of living organisms.
|
111,416 | 111,416 | Neo-GNNs: Neighborhood Overlap-aware Graph Neural Networks for Link
Prediction | Graph Neural Networks (GNNs) have been widely applied to various fields for
learning over graph-structured data. They have shown significant improvements
over traditional heuristic methods in various tasks such as node classification
and graph classification. However, since GNNs heavily rely on smoothed node
features rather than graph structure, they often show poor performance than
simple heuristic methods in link prediction where the structural information,
e.g., overlapped neighborhoods, degrees, and shortest paths, is crucial. To
address this limitation, we propose Neighborhood Overlap-aware Graph Neural
Networks (Neo-GNNs) that learn useful structural features from an adjacency
matrix and estimate overlapped neighborhoods for link prediction. Our Neo-GNNs
generalize neighborhood overlap-based heuristic methods and handle overlapped
multi-hop neighborhoods. Our extensive experiments on Open Graph Benchmark
datasets (OGB) demonstrate that Neo-GNNs consistently achieve state-of-the-art
performance in link prediction. Our code is publicly available at
https://github.com/seongjunyun/Neo_GNNs.
|
111,417 | 111,417 | GCVAE: Generalized-Controllable Variational AutoEncoder | Variational autoencoders (VAEs) have recently been used for unsupervised
disentanglement learning of complex density distributions. Numerous variants
exist to encourage disentanglement in latent space while improving
reconstruction. However, none have simultaneously managed the trade-off between
attaining extremely low reconstruction error and a high disentanglement score.
We present a generalized framework to handle this challenge under constrained
optimization and demonstrate that it outperforms state-of-the-art existing
models as regards disentanglement while balancing reconstruction. We introduce
three controllable Lagrangian hyperparameters to control reconstruction loss,
KL divergence loss and correlation measure. We prove that maximizing
information in the reconstruction network is equivalent to information
maximization during amortized inference under reasonable assumptions and
constraint relaxation.
|
111,418 | 111,418 | Analytical Composition of Differential Privacy via the Edgeworth
Accountant | Many modern machine learning algorithms are composed of simple private
algorithms; thus, an increasingly important problem is to efficiently compute
the overall privacy loss under composition. In this study, we introduce the
Edgeworth Accountant, an analytical approach to composing differential privacy
guarantees of private algorithms. The Edgeworth Accountant starts by losslessly
tracking the privacy loss under composition using the $f$-differential privacy
framework, which allows us to express the privacy guarantees using privacy-loss
log-likelihood ratios (PLLRs). As the name suggests, this accountant next uses
the Edgeworth expansion to the upper and lower bounds the probability
distribution of the sum of the PLLRs. Moreover, by relying on a technique for
approximating complex distributions using simple ones, we demonstrate that the
Edgeworth Accountant can be applied to the composition of any noise-addition
mechanism. Owing to certain appealing features of the Edgeworth expansion, the
$(\epsilon, \delta)$-differential privacy bounds offered by this accountant are
non-asymptotic, with essentially no extra computational cost, as opposed to the
prior approaches in, wherein the running times increase with the number of
compositions. Finally, we demonstrate that our upper and lower $(\epsilon,
\delta)$-differential privacy bounds are tight in federated analytics and
certain regimes of training private deep learning models.
|
111,419 | 111,419 | Enhancement of Healthcare Data Transmission using the
Levenberg-Marquardt Algorithm | In the healthcare system, patients are required to use wearable devices for
the remote data collection and real-time monitoring of health data and the
status of health conditions. This adoption of wearables results in a
significant increase in the volume of data that is collected and transmitted.
As the devices are run by small battery power, they can be quickly diminished
due to the high processing requirements of the device for data collection and
transmission. Given the importance attached to medical data, it is imperative
that all transmitted data adhere to strict integrity and availability
requirements. Reducing the volume of healthcare data and the frequency of
transmission will improve the device battery life via using inference
algorithm. There is an issue of improving transmission metrics with accuracy
and efficiency, which trade-off each other such as increasing accuracy reduces
the efficiency. This paper demonstrates that machine learning can be used to
analyze complex health data metrics such as the accuracy and efficiency of data
transmission to overcome the trade-off problem using the Levenberg-Marquardt
algorithm to enhance both metrics by taking fewer samples to transmit whilst
maintaining the accuracy. The algorithm is tested with a standard heart rate
dataset to compare the metrics. The result shows that the LMA has best
performed with an efficiency of 3.33 times for reduced sample data size and
accuracy of 79.17%, which has the similar accuracies in 7 different sampling
cases adopted for testing but demonstrates improved efficiency. These proposed
methods significantly improved both metrics using machine learning without
sacrificing a metric over the other compared to the existing methods with high
efficiency.
|
111,420 | 111,420 | An Optimization Method-Assisted Ensemble Deep Reinforcement Learning
Algorithm to Solve Unit Commitment Problems | Unit commitment (UC) is a fundamental problem in the day-ahead electricity
market, and it is critical to solve UC problems efficiently. Mathematical
optimization techniques like dynamic programming, Lagrangian relaxation, and
mixed-integer quadratic programming (MIQP) are commonly adopted for UC
problems. However, the calculation time of these methods increases at an
exponential rate with the amount of generators and energy resources, which is
still the main bottleneck in industry. Recent advances in artificial
intelligence have demonstrated the capability of reinforcement learning (RL) to
solve UC problems. Unfortunately, the existing research on solving UC problems
with RL suffers from the curse of dimensionality when the size of UC problems
grows. To deal with these problems, we propose an optimization method-assisted
ensemble deep reinforcement learning algorithm, where UC problems are
formulated as a Markov Decision Process (MDP) and solved by multi-step deep
Q-learning in an ensemble framework. The proposed algorithm establishes a
candidate action set by solving tailored optimization problems to ensure a
relatively high performance and the satisfaction of operational constraints.
Numerical studies on IEEE 118 and 300-bus systems show that our algorithm
outperforms the baseline RL algorithm and MIQP. Furthermore, the proposed
algorithm shows strong generalization capacity under unforeseen operational
conditions.
|
111,421 | 111,421 | ScatterSample: Diversified Label Sampling for Data Efficient Graph
Neural Network Learning | What target labels are most effective for graph neural network (GNN)
training? In some applications where GNNs excel-like drug design or fraud
detection, labeling new instances is expensive. We develop a data-efficient
active sampling framework, ScatterSample, to train GNNs under an active
learning setting. ScatterSample employs a sampling module termed
DiverseUncertainty to collect instances with large uncertainty from different
regions of the sample space for labeling. To ensure diversification of the
selected nodes, DiverseUncertainty clusters the high uncertainty nodes and
selects the representative nodes from each cluster. Our ScatterSample algorithm
is further supported by rigorous theoretical analysis demonstrating its
advantage compared to standard active sampling methods that aim to simply
maximize the uncertainty and not diversify the samples. In particular, we show
that ScatterSample is able to efficiently reduce the model uncertainty over the
whole sample space. Our experiments on five datasets show that ScatterSample
significantly outperforms the other GNN active learning baselines, specifically
it reduces the sampling cost by up to 50% while achieving the same test
accuracy.
|
111,422 | 111,422 | There is no Accuracy-Interpretability Tradeoff in Reinforcement Learning
for Mazes | Interpretability is an essential building block for trustworthiness in
reinforcement learning systems. However, interpretability might come at the
cost of deteriorated performance, leading many researchers to build complex
models. Our goal is to analyze the cost of interpretability. We show that in
certain cases, one can achieve policy interpretability while maintaining its
optimality. We focus on a classical problem from reinforcement learning: mazes
with $k$ obstacles in $\mathbb{R}^d$. We prove the existence of a small
decision tree with a linear function at each inner node and depth $O(\log k +
2^d)$ that represents an optimal policy. Note that for the interesting case of
a constant $d$, we have $O(\log k)$ depth. Thus, in this setting, there is no
accuracy-interpretability tradeoff. To prove this result, we use a new
"compressing" technique that might be useful in additional settings.
|
111,423 | 111,423 | A General Framework For Proving The Equivariant Strong Lottery Ticket
Hypothesis | The Strong Lottery Ticket Hypothesis (SLTH) stipulates the existence of a
subnetwork within a sufficiently overparameterized (dense) neural network that
-- when initialized randomly and without any training -- achieves the accuracy
of a fully trained target network. Recent work by \citet{da2022proving}
demonstrates that the SLTH can also be extended to translation equivariant
networks -- i.e. CNNs -- with the same level of overparametrization as needed
for SLTs in dense networks. However, modern neural networks are capable of
incorporating more than just translation symmetry, and developing general
equivariant architectures such as rotation and permutation has been a powerful
design principle. In this paper, we generalize the SLTH to functions that
preserve the action of the group $G$ -- i.e. $G$-equivariant network -- and
prove, with high probability, that one can prune a randomly initialized
overparametrized $G$-equivariant network to a $G$-equivariant subnetwork that
approximates another fully trained $G$-equivariant network of fixed width and
depth. We further prove that our prescribed overparametrization scheme is also
optimal as a function of the error tolerance. We develop our theory for a large
range of groups, including important ones such as subgroups of the Euclidean
group $\text{E}(n)$ and subgroups of the symmetric group $G \leq \mathcal{S}_n$
-- allowing us to find SLTs for MLPs, CNNs, $\text{E}(2)$-steerable CNNs, and
permutation equivariant networks as specific instantiations of our unified
framework which completely extends prior work. Empirically, we verify our
theory by pruning overparametrized $\text{E}(2)$-steerable CNNs and message
passing GNNs to match the performance of trained target networks within a given
error tolerance.
|
111,424 | 111,424 | Robust Matrix Completion with Heavy-tailed Noise | This paper studies low-rank matrix completion in the presence of heavy-tailed
and possibly asymmetric noise, where we aim to estimate an underlying low-rank
matrix given a set of highly incomplete noisy entries. Though the matrix
completion problem has attracted much attention in the past decade, there is
still lack of theoretical understanding when the observations are contaminated
by heavy-tailed noises. Prior theory falls short of explaining the empirical
results and is unable to capture the optimal dependence of the estimation error
on the noise level. In this paper, we adopt an adaptive Huber loss to
accommodate heavy-tailed noise, which is robust against large and possibly
asymmetric errors when the parameter in the loss function is carefully designed
to balance the Huberization biases and robustness to outliers. Then, we propose
an efficient nonconvex algorithm via a balanced low-rank Burer-Monteiro matrix
factorization and gradient decent with robust spectral initialization. We prove
that under merely bounded second moment condition on the error distributions,
rather than the sub-Gaussian assumption, the Euclidean error of the iterates
generated by the proposed algorithm decrease geometrically fast until achieving
a minimax-optimal statistical estimation error, which has the same order as
that in the sub-Gaussian case. The key technique behind this significant
advancement is a powerful leave-one-out analysis framework. The theoretical
results are corroborated by our simulation studies.
|
111,425 | 111,425 | On Transfer Learning in Functional Linear Regression | This work studies the problem of transfer learning under the functional
linear model framework, which aims to improve the fit of the target model by
leveraging the knowledge from related source models. We measure the relatedness
between target and source models using Reproducing Kernel Hilbert Spaces,
allowing the type of knowledge being transferred to be interpreted by the
structure of the spaces. Two algorithms are proposed: one transfers knowledge
when the index of transferable sources is known, while the other one utilizes
aggregation to achieve knowledge transfer without prior information about the
sources. Furthermore, we establish the optimal convergence rates for excess
risk, making the statistical gain via transfer learning mathematically
provable. The effectiveness of the proposed algorithms is demonstrated on
synthetic data as well as real financial data.
|
111,426 | 111,426 | Local Spatiotemporal Representation Learning for
Longitudinally-consistent Neuroimage Analysis | Recent self-supervised advances in medical computer vision exploit global and
local anatomical self-similarity for pretraining prior to downstream tasks such
as segmentation. However, current methods assume i.i.d. image acquisition,
which is invalid in clinical study designs where follow-up longitudinal scans
track subject-specific temporal changes. Further, existing self-supervised
methods for medically-relevant image-to-image architectures exploit only
spatial or temporal self-similarity and only do so via a loss applied at a
single image-scale, with naive multi-scale spatiotemporal extensions collapsing
to degenerate solutions. To these ends, this paper makes two contributions: (1)
It presents a local and multi-scale spatiotemporal representation learning
method for image-to-image architectures trained on longitudinal images. It
exploits the spatiotemporal self-similarity of learned multi-scale
intra-subject features for pretraining and develops several feature-wise
regularizations that avoid collapsed identity representations; (2) During
finetuning, it proposes a surprisingly simple self-supervised segmentation
consistency regularization to exploit intra-subject correlation. Benchmarked in
the one-shot segmentation setting, the proposed framework outperforms both
well-tuned randomly-initialized baselines and current self-supervised
techniques designed for both i.i.d. and longitudinal datasets. These
improvements are demonstrated across both longitudinal neurodegenerative adult
MRI and developing infant brain MRI and yield both higher performance and
longitudinal consistency.
|
111,427 | 111,427 | Sample-Efficient Reinforcement Learning in the Presence of Exogenous
Information | In real-world reinforcement learning applications the learner's observation
space is ubiquitously high-dimensional with both relevant and irrelevant
information about the task at hand. Learning from high-dimensional observations
has been the subject of extensive investigation in supervised learning and
statistics (e.g., via sparsity), but analogous issues in reinforcement learning
are not well understood, even in finite state/action (tabular) domains. We
introduce a new problem setting for reinforcement learning, the Exogenous
Markov Decision Process (ExoMDP), in which the state space admits an (unknown)
factorization into a small controllable (or, endogenous) component and a large
irrelevant (or, exogenous) component; the exogenous component is independent of
the learner's actions, but evolves in an arbitrary, temporally correlated
fashion. We provide a new algorithm, ExoRL, which learns a near-optimal policy
with sample complexity polynomial in the size of the endogenous component and
nearly independent of the size of the exogenous component, thereby offering a
doubly-exponential improvement over off-the-shelf algorithms. Our results
highlight for the first time that sample-efficient reinforcement learning is
possible in the presence of exogenous information, and provide a simple,
user-friendly benchmark for investigation going forward.
|
111,428 | 111,428 | Pseudo-Poincar\'e: A Unification Framework for Euclidean and Hyperbolic
Graph Neural Networks | Hyperbolic neural networks have recently gained significant attention due to
their promising results on several graph problems including node classification
and link prediction. The primary reason for this success is the effectiveness
of the hyperbolic space in capturing the inherent hierarchy of graph datasets.
However, they are limited in terms of generalization, scalability, and have
inferior performance when it comes to non-hierarchical datasets. In this paper,
we take a completely orthogonal perspective for modeling hyperbolic networks.
We use Poincar\'e disk to model the hyperbolic geometry and also treat it as if
the disk itself is a tangent space at origin. This enables us to replace
non-scalable M\"obius gyrovector operations with an Euclidean approximation,
and thus simplifying the entire hyperbolic model to a Euclidean model cascaded
with a hyperbolic normalization function. Our approach does not adhere to
M\"obius math, yet it still works in the Riemannian manifold, hence we call it
Pseudo-Poincar\'e framework. We applied our non-linear hyperbolic normalization
to the current state-of-the-art homogeneous and multi-relational graph networks
and demonstrate significant improvements in performance compared to both
Euclidean and hyperbolic counterparts. The primary impact of this work lies in
its ability to capture hierarchical features in the Euclidean space, and thus,
can replace hyperbolic networks without loss in performance metrics while
simultaneously leveraging the power of Euclidean networks such as
interpretability and efficient execution of various model components.
|
111,429 | 111,429 | Evaluating Aleatoric Uncertainty via Conditional Generative Models | Aleatoric uncertainty quantification seeks for distributional knowledge of
random responses, which is important for reliability analysis and robustness
improvement in machine learning applications. Previous research on aleatoric
uncertainty estimation mainly targets closed-formed conditional densities or
variances, which requires strong restrictions on the data distribution or
dimensionality. To overcome these restrictions, we study conditional generative
models for aleatoric uncertainty estimation. We introduce two metrics to
measure the discrepancy between two conditional distributions that suit these
models. Both metrics can be easily and unbiasedly computed via Monte Carlo
simulation of the conditional generative models, thus facilitating their
evaluation and training. We demonstrate numerically how our metrics provide
correct measurements of conditional distributional discrepancies and can be
used to train conditional models competitive against existing benchmarks.
|
111,430 | 111,430 | OptWedge: Cognitive Optimized Guidance toward Off-screen POIs | Guiding off-screen points of interest (POIs) is a practical way of providing
additional information to users of small-screen devices, such as smart devices
and head-mounted displays. Popular previous methods involve displaying a
primitive figure referred to as Wedge on the screen for users to estimate
off-screen POI on the invisible vertex. Because they utilize a cognitive
process referred to as amodal completion, where users can imagine the entire
figure even when a part of it is occluded, localization accuracy is influenced
by bias and individual differences. To improve the accuracy, we propose to
optimize the figure using a cognitive cost that considers the influence. We
also design two types of optimizations with different parameters: unbiased
OptWedge (UOW) and biased OptWedge (BOW). Experimental results indicate that
OptWedge achieves more accurate guidance for a close distance compared to
heuristics approach.
|
111,431 | 111,431 | Unveiling Transformers with LEGO: a synthetic reasoning task | We propose a synthetic task, LEGO (Learning Equality and Group Operations),
that encapsulates the problem of following a chain of reasoning, and we study
how the transformer architecture learns this task. We pay special attention to
data effects such as pretraining (on seemingly unrelated NLP tasks) and dataset
composition (e.g., differing chain length at training and test time), as well
as architectural variants such as weight-tied layers or adding convolutional
components. We study how the trained models eventually succeed at the task, and
in particular, we are able to understand (to some extent) some of the attention
heads as well as how the information flows in the network. Based on these
observations we propose a hypothesis that here pretraining helps merely due to
being a smart initialization rather than some deep knowledge stored in the
network. We also observe that in some data regime the trained transformer finds
"shortcut" solutions to follow the chain of reasoning, which impedes the
model's ability to generalize to simple variants of the main task, and moreover
we find that one can prevent such shortcut with appropriate architecture
modification or careful data preparation. Motivated by our findings, we begin
to explore the task of learning to execute C programs, where a convolutional
modification to transformers, namely adding convolutional structures in the
key/query/value maps, shows an encouraging edge.
|
111,432 | 111,432 | GSmooth: Certified Robustness against Semantic Transformations via
Generalized Randomized Smoothing | Certified defenses such as randomized smoothing have shown promise towards
building reliable machine learning systems against $\ell_p$-norm bounded
attacks. However, existing methods are insufficient or unable to provably
defend against semantic transformations, especially those without closed-form
expressions (such as defocus blur and pixelate), which are more common in
practice and often unrestricted. To fill up this gap, we propose generalized
randomized smoothing (GSmooth), a unified theoretical framework for certifying
robustness against general semantic transformations via a novel dimension
augmentation strategy. Under the GSmooth framework, we present a scalable
algorithm that uses a surrogate image-to-image network to approximate the
complex transformation. The surrogate model provides a powerful tool for
studying the properties of semantic transformations and certifying robustness.
Experimental results on several datasets demonstrate the effectiveness of our
approach for robustness certification against multiple kinds of semantic
transformations and corruptions, which is not achievable by the alternative
baselines.
|
111,433 | 111,433 | Multi-class Classification with Fuzzy-feature Observations: Theory and
Algorithms | The theoretical analysis of multi-class classification has proved that the
existing multi-class classification methods can train a classifier with high
classification accuracy on the test set, when the instances are precise in the
training and test sets with same distribution and enough instances can be
collected in the training set. However, one limitation with multi-class
classification has not been solved: how to improve the classification accuracy
of multi-class classification problems when only imprecise observations are
available. Hence, in this paper, we propose a novel framework to address a new
realistic problem called multi-class classification with imprecise observations
(MCIMO), where we need to train a classifier with fuzzy-feature observations.
Firstly, we give the theoretical analysis of the MCIMO problem based on fuzzy
Rademacher complexity. Then, two practical algorithms based on support vector
machine and neural networks are constructed to solve the proposed new problem.
Experiments on both synthetic and real-world datasets verify the rationality of
our theoretical analysis and the efficacy of the proposed algorithms.
|
111,434 | 111,434 | Adversarial Noises Are Linearly Separable for (Nearly) Random Neural
Networks | Adversarial examples, which are usually generated for specific inputs with a
specific model, are ubiquitous for neural networks. In this paper we unveil a
surprising property of adversarial noises when they are put together, i.e.,
adversarial noises crafted by one-step gradient methods are linearly separable
if equipped with the corresponding labels. We theoretically prove this property
for a two-layer network with randomly initialized entries and the neural
tangent kernel setup where the parameters are not far from initialization. The
proof idea is to show the label information can be efficiently backpropagated
to the input while keeping the linear separability. Our theory and experimental
evidence further show that the linear classifier trained with the adversarial
noises of the training data can well classify the adversarial noises of the
test data, indicating that adversarial noises actually inject a distributional
perturbation to the original data distribution. Furthermore, we empirically
demonstrate that the adversarial noises may become less linearly separable when
the above conditions are compromised while they are still much easier to
classify than original features.
|
111,435 | 111,435 | CFA: Coupled-hypersphere-based Feature Adaptation for Target-Oriented
Anomaly Localization | For a long time, anomaly localization has been widely used in industries.
Previous studies focused on approximating the distribution of normal features
without adaptation to a target dataset. However, since anomaly localization
should precisely discriminate normal and abnormal features, the absence of
adaptation may make the normality of abnormal features overestimated. Thus, we
propose Coupled-hypersphere-based Feature Adaptation (CFA) which accomplishes
sophisticated anomaly localization using features adapted to the target
dataset. CFA consists of (1) a learnable patch descriptor that learns and
embeds target-oriented features and (2) scalable memory bank independent of the
size of the target dataset. And, CFA adopts transfer learning to increase the
normal feature density so that abnormal features can be clearly distinguished
by applying patch descriptor and memory bank to a pre-trained CNN. The proposed
method outperforms the previous methods quantitatively and qualitatively. For
example, it provides an AUROC score of 99.5% in anomaly detection and 98.5% in
anomaly localization of MVTec AD benchmark. In addition, this paper points out
the negative effects of biased features of pre-trained CNNs and emphasizes the
importance of the adaptation to the target dataset. The code is publicly
available at https://github.com/sungwool/CFA_for_anomaly_localization.
|
111,436 | 111,436 | Learning to generate imaginary tasks for improving generalization in
meta-learning | The success of meta-learning on existing benchmarks is predicated on the
assumption that the distribution of meta-training tasks covers meta-testing
tasks. Frequent violation of the assumption in applications with either
insufficient tasks or a very narrow meta-training task distribution leads to
memorization or learner overfitting. Recent solutions have pursued augmentation
of meta-training tasks, while it is still an open question to generate both
correct and sufficiently imaginary tasks. In this paper, we seek an approach
that up-samples meta-training tasks from the task representation via a task
up-sampling network. Besides, the resulting approach named Adversarial Task
Up-sampling (ATU) suffices to generate tasks that can maximally contribute to
the latest meta-learner by maximizing an adversarial loss. On few-shot sine
regression and image classification datasets, we empirically validate the
marked improvement of ATU over state-of-the-art task augmentation strategies in
the meta-testing performance and also the quality of up-sampled tasks.
|
111,437 | 111,437 | Graph Attention Multi-Layer Perceptron | Graph neural networks (GNNs) have achieved great success in many graph-based
applications. However, the enormous size and high sparsity level of graphs
hinder their applications under industrial scenarios. Although some scalable
GNNs are proposed for large-scale graphs, they adopt a fixed $K$-hop
neighborhood for each node, thus facing the over-smoothing issue when adopting
large propagation depths for nodes within sparse regions. To tackle the above
issue, we propose a new GNN architecture -- Graph Attention Multi-Layer
Perceptron (GAMLP), which can capture the underlying correlations between
different scales of graph knowledge. We have deployed GAMLP in Tencent with the
Angel platform, and we further evaluate GAMLP on both real-world datasets and
large-scale industrial datasets. Extensive experiments on these 14 graph
datasets demonstrate that GAMLP achieves state-of-the-art performance while
enjoying high scalability and efficiency. Specifically, it outperforms GAT by
1.3\% regarding predictive accuracy on our large-scale Tencent Video dataset
while achieving up to $50\times$ training speedup. Besides, it ranks top-1 on
both the leaderboards of the largest homogeneous and heterogeneous graph (i.e.,
ogbn-papers100M and ogbn-mag) of Open Graph Benchmark.
|
111,438 | 111,438 | A Simple Unified Approach to Testing High-Dimensional Conditional
Independences for Categorical and Ordinal Data | Conditional independence (CI) tests underlie many approaches to model testing
and structure learning in causal inference. Most existing CI tests for
categorical and ordinal data stratify the sample by the conditioning variables,
perform simple independence tests in each stratum, and combine the results.
Unfortunately, the statistical power of this approach degrades rapidly as the
number of conditioning variables increases. Here we propose a simple unified CI
test for ordinal and categorical data that maintains reasonable calibration and
power in high dimensions. We show that our test outperforms existing baselines
in model testing and structure learning for dense directed graphical models
while being comparable for sparse models. Our approach could be attractive for
causal model testing because it is easy to implement, can be used with
non-parametric or parametric probability models, has the symmetry property, and
has reasonable computational requirements.
|
111,439 | 111,439 | Trajectory-dependent Generalization Bounds for Deep Neural Networks via
Fractional Brownian Motion | Despite being tremendously overparameterized, it is appreciated that deep
neural networks trained by stochastic gradient descent (SGD) generalize
surprisingly well. Based on the Rademacher complexity of a pre-specified
hypothesis set, different norm-based generalization bounds have been developed
to explain this phenomenon. However, recent studies suggest these bounds might
be problematic as they increase with the training set size, which is contrary
to empirical evidence. In this study, we argue that the hypothesis set SGD
explores is trajectory-dependent and thus may provide a tighter bound over its
Rademacher complexity. To this end, we characterize the SGD recursion via a
stochastic differential equation by assuming the incurred stochastic gradient
noise follows the fractional Brownian motion. We then identify the Rademacher
complexity in terms of the covering numbers and relate it to the Hausdorff
dimension of the optimization trajectory. By invoking the hypothesis set
stability, we derive a novel generalization bound for deep neural networks.
Extensive experiments demonstrate that it predicts well the generalization gap
over several common experimental interventions. We further show that the Hurst
parameter of the fractional Brownian motion is more informative than existing
generalization indicators such as the power-law index and the upper
Blumenthal-Getoor index.
|
111,440 | 111,440 | A general approximation lower bound in $L^p$ norm, with applications to
feed-forward neural networks | We study the fundamental limits to the expressive power of neural networks.
Given two sets $F$, $G$ of real-valued functions, we first prove a general
lower bound on how well functions in $F$ can be approximated in $L^p(\mu)$ norm
by functions in $G$, for any $p \geq 1$ and any probability measure $\mu$. The
lower bound depends on the packing number of $F$, the range of $F$, and the
fat-shattering dimension of $G$. We then instantiate this bound to the case
where $G$ corresponds to a piecewise-polynomial feed-forward neural network,
and describe in details the application to two sets $F$: H{\"o}lder balls and
multivariate monotonic functions. Beside matching (known or new) upper bounds
up to log factors, our lower bounds shed some light on the similarities or
differences between approximation in $L^p$ norm or in sup norm, solving an open
question by DeVore et al. (2021). Our proof strategy differs from the sup norm
case and uses a key probability result of Mendelson (2002).
|
111,441 | 111,441 | Model Degradation Hinders Deep Graph Neural Networks | Graph Neural Networks (GNNs) have achieved great success in various graph
mining tasks.However, drastic performance degradation is always observed when a
GNN is stacked with many layers. As a result, most GNNs only have shallow
architectures, which limits their expressive power and exploitation of deep
neighborhoods.Most recent studies attribute the performance degradation of deep
GNNs to the \textit{over-smoothing} issue. In this paper, we disentangle the
conventional graph convolution operation into two independent operations:
\textit{Propagation} (\textbf{P}) and \textit{Transformation}
(\textbf{T}).Following this, the depth of a GNN can be split into the
propagation depth ($D_p$) and the transformation depth ($D_t$). Through
extensive experiments, we find that the major cause for the performance
degradation of deep GNNs is the \textit{model degradation} issue caused by
large $D_t$ rather than the \textit{over-smoothing} issue mainly caused by
large $D_p$. Further, we present \textit{Adaptive Initial Residual} (AIR), a
plug-and-play module compatible with all kinds of GNN architectures, to
alleviate the \textit{model degradation} issue and the \textit{over-smoothing}
issue simultaneously. Experimental results on six real-world datasets
demonstrate that GNNs equipped with AIR outperform most GNNs with shallow
architectures owing to the benefits of both large $D_p$ and $D_t$, while the
time costs associated with AIR can be ignored.
|
111,442 | 111,442 | Diagnosing Ensemble Few-Shot Classifiers | The base learners and labeled samples (shots) in an ensemble few-shot
classifier greatly affect the model performance. When the performance is not
satisfactory, it is usually difficult to understand the underlying causes and
make improvements. To tackle this issue, we propose a visual analysis method,
FSLDiagnotor. Given a set of base learners and a collection of samples with a
few shots, we consider two problems: 1) finding a subset of base learners that
well predict the sample collections; and 2) replacing the low-quality shots
with more representative ones to adequately represent the sample collections.
We formulate both problems as sparse subset selection and develop two selection
algorithms to recommend appropriate learners and shots, respectively. A matrix
visualization and a scatterplot are combined to explain the recommended
learners and shots in context and facilitate users in adjusting them. Based on
the adjustment, the algorithm updates the recommendation results for another
round of improvement. Two case studies are conducted to demonstrate that
FSLDiagnotor helps build a few-shot classifier efficiently and increases the
accuracy by 12% and 21%, respectively.
|
111,443 | 111,443 | Uncovering bias in the PlantVillage dataset | We report our investigation on the use of the popular PlantVillage dataset
for training deep learning based plant disease detection models. We trained a
machine learning model using only 8 pixels from the PlantVillage image
backgrounds. The model achieved 49.0% accuracy on the held-out test set, well
above the random guessing accuracy of 2.6%. This result indicates that the
PlantVillage dataset contains noise correlated with the labels and deep
learning models can easily exploit this bias to make predictions. Possible
approaches to alleviate this problem are discussed.
|
111,444 | 111,444 | Value Memory Graph: A Graph-Structured World Model for Offline
Reinforcement Learning | World models in model-based reinforcement learning usually face unrealistic
long-time-horizon prediction issues due to compounding errors as the prediction
errors accumulate over timesteps. Recent works in graph-structured world models
improve the long-horizon reasoning ability via building a graph to represent
the environment, but they are designed in a goal-conditioned setting and cannot
guide the agent to maximize episode returns in a traditional reinforcement
learning setting without externally given target states. To overcome this
limitation, we design a graph-structured world model in offline reinforcement
learning by building a directed-graph-based Markov decision process (MDP) with
rewards allocated to each directed edge as an abstraction of the original
continuous environment. As our world model has small and finite state/action
spaces compared to the original environment, value iteration can be easily
applied here to estimate state values on the graph and figure out the best
future. Unlike previous graph-structured world models that requires externally
provided targets, our world model, dubbed Value Memory Graph (VMG), can provide
the desired targets with high values by itself. VMG can be used to guide
low-level goal-conditioned policies that are trained via supervised learning to
maximize episode returns. Experiments on the D4RL benchmark show that VMG can
outperform state-of-the-art methods in several tasks where long horizon
reasoning ability is crucial. Code will be made publicly available.
|
111,445 | 111,445 | HideNseek: Federated Lottery Ticket via Server-side Pruning and Sign
Supermask | Federated learning alleviates the privacy risk in distributed learning by
transmitting only the local model updates to the central server. However, it
faces challenges including statistical heterogeneity of clients' datasets and
resource constraints of client devices, which severely impact the training
performance and user experience. Prior works have tackled these challenges by
combining personalization with model compression schemes including quantization
and pruning. However, the pruning is data-dependent and thus must be done on
the client side which requires considerable computation cost. Moreover, the
pruning normally trains a binary supermask $\in \{0, 1\}$ which significantly
limits the model capacity yet with no computation benefit. Consequently, the
training requires high computation cost and a long time to converge while the
model performance does not pay off. In this work, we propose HideNseek which
employs one-shot data-agnostic pruning at initialization to get a subnetwork
based on weights' synaptic saliency. Each client then optimizes a sign
supermask $\in \{-1, +1\}$ multiplied by the unpruned weights to allow faster
convergence with the same compression rates as state-of-the-art. Empirical
results from three datasets demonstrate that compared to state-of-the-art,
HideNseek improves inferences accuracies by up to 40.6\% while reducing the
communication cost and training time by up to 39.7\% and 46.8\% respectively.
|
111,446 | 111,446 | Xplique: A Deep Learning Explainability Toolbox | Today's most advanced machine-learning models are hardly scrutable. The key
challenge for explainability methods is to help assisting researchers in
opening up these black boxes, by revealing the strategy that led to a given
decision, by characterizing their internal states or by studying the underlying
data representation. To address this challenge, we have developed Xplique: a
software library for explainability which includes representative
explainability methods as well as associated evaluation metrics. It interfaces
with one of the most popular learning libraries: Tensorflow as well as other
libraries including PyTorch, scikit-learn and Theano. The code is licensed
under the MIT license and is freely available at github.com/deel-ai/xplique.
|
111,447 | 111,447 | Depression Recognition using Remote Photoplethysmography from Facial
Videos | Depression is a mental illness that may be harmful to an individual's health.
The detection of mental health disorders in the early stages and a precise
diagnosis are critical to avoid social, physiological, or psychological side
effects. This work analyzes physiological signals to observe if different
depressive states have a noticeable impact on the blood volume pulse (BVP) and
the heart rate variability (HRV) response. Although typically, HRV features are
calculated from biosignals obtained with contact-based sensors such as
wearables, we propose instead a novel scheme that directly extracts them from
facial videos, just based on visual information, removing the need for any
contact-based device. Our solution is based on a pipeline that is able to
extract complete remote photoplethysmography signals (rPPG) in a fully
unsupervised manner. We use these rPPG signals to calculate over 60
statistical, geometrical, and physiological features that are further used to
train several machine learning regressors to recognize different levels of
depression. Experiments on two benchmark datasets indicate that this approach
offers comparable results to other audiovisual modalities based on voice or
facial expression, potentially complementing them. In addition, the results
achieved for the proposed method show promising and solid performance that
outperforms hand-engineered methods and is comparable to deep learning-based
approaches.
|
111,448 | 111,448 | Conformal Off-Policy Prediction in Contextual Bandits | Most off-policy evaluation methods for contextual bandits have focused on the
expected outcome of a policy, which is estimated via methods that at best
provide only asymptotic guarantees. However, in many applications, the
expectation may not be the best measure of performance as it does not capture
the variability of the outcome. In addition, particularly in safety-critical
settings, stronger guarantees than asymptotic correctness may be required. To
address these limitations, we consider a novel application of conformal
prediction to contextual bandits. Given data collected under a behavioral
policy, we propose \emph{conformal off-policy prediction} (COPP), which can
output reliable predictive intervals for the outcome under a new target policy.
We provide theoretical finite-sample guarantees without making any additional
assumptions beyond the standard contextual bandit setup, and empirically
demonstrate the utility of COPP compared with existing methods on synthetic and
real-world data.
|
111,449 | 111,449 | Unsupervised Learning of the Total Variation Flow | The total variation (TV) flow generates a scale-space representation of an
image based on the TV functional. This gradient flow observes desirable
features for images such as sharp edges and enables spectral, scale, and
texture analysis. The standard numerical approach for TV flow requires solving
multiple non-smooth optimisation problems. Even with state-of-the-art convex
optimisation techniques, this is often prohibitively expensive and strongly
motivates the use of alternative, faster approaches. Inspired by and extending
the framework of physics-informed neural networks (PINNs), we propose the
TVflowNET, a neural network approach to compute the solution of the TV flow
given an initial image and a time instance. We significantly speed up the
computation time by more than one order of magnitude and show that the
TVflowNET approximates the TV flow solution with high fidelity. This is a
preliminary report, more details are to follow.
|
111,450 | 111,450 | Neonatal EEG graded for severity of background abnormalities in
hypoxic-ischaemic encephalopathy | This report describes a set of neonatal electroencephalogram (EEG) recordings
graded according to the severity of abnormalities in the background pattern.
The dataset consists of 169 hours of multichannel EEG from 53 neonates recorded
in a neonatal intensive care unit. All neonates received a diagnosis of
hypoxic-ischaemic encephalopathy (HIE), the most common cause of brain injury
in full term infants. For each neonate, multiple 1-hour epochs of good quality
EEG were selected and then graded for background abnormalities. The grading
system assesses EEG attributes such as amplitude and frequency, continuity,
sleep-wake cycling, symmetry and synchrony, and abnormal waveforms. Background
severity was then categorised into 4 grades: normal or mildly abnormal,
moderately abnormal, severely abnormal, and inactive EEG. The data can be used
as a reference set of multi-channel EEG for neonates with HIE, for EEG training
purposes, or for developing and evaluating automated grading algorithms.
|
111,451 | 111,451 | Learning to generalize Dispatching rules on the Job Shop Scheduling | This paper introduces a Reinforcement Learning approach to better generalize
heuristic dispatching rules on the Job-shop Scheduling Problem (JSP). Current
models on the JSP do not focus on generalization, although, as we show in this
work, this is key to learning better heuristics on the problem. A well-known
technique to improve generalization is to learn on increasingly complex
instances using Curriculum Learning (CL). However, as many works in the
literature indicate, this technique might suffer from catastrophic forgetting
when transferring the learned skills between different problem sizes. To
address this issue, we introduce a novel Adversarial Curriculum Learning (ACL)
strategy, which dynamically adjusts the difficulty level during the learning
process to revisit the worst-performing instances. This work also presents a
deep learning model to solve the JSP, which is equivariant w.r.t. the job
definition and size-agnostic. Conducted experiments on Taillard's and
Demirkol's instances show that the presented approach significantly improves
the current state-of-the-art models on the JSP. It reduces the average
optimality gap from 19.35\% to 10.46\% on Taillard's instances and from 38.43\%
to 18.85\% on Demirkol's instances. Our implementation is available online.
|
111,452 | 111,452 | Discriminative and Generative Learning for Linear Estimation of Random
Signals [Lecture Notes] | Inference tasks in signal processing are often characterized by the
availability of reliable statistical modeling with some missing
instance-specific parameters. One conventional approach uses data to estimate
these missing parameters and then infers based on the estimated model.
Alternatively, data can also be leveraged to directly learn the inference
mapping end-to-end. These approaches for combining partially-known statistical
models and data in inference are related to the notions of generative and
discriminative models used in the machine learning literature, typically
considered in the context of classifiers. The goal of this lecture note is to
introduce the concepts of generative and discriminative learning for inference
with a partially-known statistical model. While machine learning systems often
lack the interpretability of traditional signal processing methods, we focus on
a simple setting where one can interpret and compare the approaches in a
tractable manner that is accessible and relevant to signal processing readers.
In particular, we exemplify the approaches for the task of Bayesian signal
estimation in a jointly Gaussian setting with the mean-squared error (MSE)
objective, i.e., a linear estimation setting.
|
111,453 | 111,453 | Regret Analysis of Certainty Equivalence Policies in Continuous-Time
Linear-Quadratic Systems | This work studies theoretical performance guarantees of a ubiquitous
reinforcement learning policy for controlling the canonical model of stochastic
linear-quadratic system. We show that randomized certainty equivalent policy
addresses the exploration-exploitation dilemma for minimizing quadratic costs
in linear dynamical systems that evolve according to stochastic differential
equations. More precisely, we establish square-root of time regret bounds,
indicating that randomized certainty equivalent policy learns optimal control
actions fast from a single state trajectory. Further, linear scaling of the
regret with the number of parameters is shown. The presented analysis
introduces novel and useful technical approaches, and sheds light on
fundamental challenges of continuous-time reinforcement learning.
|
111,454 | 111,454 | Towards Safe Reinforcement Learning via Constraining Conditional
Value-at-Risk | Though deep reinforcement learning (DRL) has obtained substantial success, it
may encounter catastrophic failures due to the intrinsic uncertainty of both
transition and observation. Most of the existing methods for safe reinforcement
learning can only handle transition disturbance or observation disturbance
since these two kinds of disturbance affect different parts of the agent;
besides, the popular worst-case return may lead to overly pessimistic policies.
To address these issues, we first theoretically prove that the performance
degradation under transition disturbance and observation disturbance depends on
a novel metric of Value Function Range (VFR), which corresponds to the gap in
the value function between the best state and the worst state. Based on the
analysis, we adopt conditional value-at-risk (CVaR) as an assessment of risk
and propose a novel reinforcement learning algorithm of
CVaR-Proximal-Policy-Optimization (CPPO) which formalizes the risk-sensitive
constrained optimization problem by keeping its CVaR under a given threshold.
Experimental results show that CPPO achieves a higher cumulative reward and is
more robust against both observation and transition disturbances on a series of
continuous control tasks in MuJoCo.
|
111,455 | 111,455 | Convolutional Dictionary Learning by End-To-End Training of Iterative
Neural Networks | Sparsity-based methods have a long history in the field of signal processing
and have been successfully applied to various image reconstruction problems.
The involved sparsifying transformations or dictionaries are typically either
pre-trained using a model which reflects the assumed properties of the signals
or adaptively learned during the reconstruction - yielding so-called blind
Compressed Sensing approaches. However, by doing so, the transforms are never
explicitly trained in conjunction with the physical model which generates the
signals. In addition, properly choosing the involved regularization parameters
remains a challenging task. Another recently emerged training-paradigm for
regularization methods is to use iterative neural networks (INNs) - also known
as unrolled networks - which contain the physical model. In this work, we
construct an INN which can be used as a supervised and physics-informed online
convolutional dictionary learning algorithm. We evaluated the proposed approach
by applying it to a realistic large-scale dynamic MR reconstruction problem and
compared it to several other recently published works. We show that the
proposed INN improves over two conventional model-agnostic training methods and
yields competitive results also compared to a deep INN. Further, it does not
require to choose the regularization parameters and - in contrast to deep INNs
- each network component is entirely interpretable.
|
111,456 | 111,456 | Draft-and-Revise: Effective Image Generation with Contextual
RQ-Transformer | Although autoregressive models have achieved promising results on image
generation, their unidirectional generation process prevents the resultant
images from fully reflecting global contexts. To address the issue, we propose
an effective image generation framework of Draft-and-Revise with Contextual
RQ-transformer to consider global contexts during the generation process. As a
generalized VQ-VAE, RQ-VAE first represents a high-resolution image as a
sequence of discrete code stacks. After code stacks in the sequence are
randomly masked, Contextual RQ-Transformer is trained to infill the masked code
stacks based on the unmasked contexts of the image. Then, Contextual
RQ-Transformer uses our two-phase decoding, Draft-and-Revise, and generates an
image, while exploiting the global contexts of the image during the generation
process. Specifically. in the draft phase, our model first focuses on
generating diverse images despite rather low quality. Then, in the revise
phase, the model iteratively improves the quality of images, while preserving
the global contexts of generated images. In experiments, our method achieves
state-of-the-art results on conditional image generation. We also validate that
the Draft-and-Revise decoding can achieve high performance by effectively
controlling the quality-diversity trade-off in image generation.
|
111,457 | 111,457 | Choosing Answers in $\varepsilon$-Best-Answer Identification for Linear
Bandits | In pure-exploration problems, information is gathered sequentially to answer
a question on the stochastic environment. While best-arm identification for
linear bandits has been extensively studied in recent years, few works have
been dedicated to identifying one arm that is $\varepsilon$-close to the best
one (and not exactly the best one). In this problem with several correct
answers, an identification algorithm should focus on one candidate among those
answers and verify that it is correct. We demonstrate that picking the answer
with highest mean does not allow an algorithm to reach asymptotic optimality in
terms of expected sample complexity. Instead, a \textit{furthest answer} should
be identified. Using that insight to choose the candidate answer carefully, we
develop a simple procedure to adapt best-arm identification algorithms to
tackle $\varepsilon$-best-answer identification in transductive linear
stochastic bandits. Finally, we propose an asymptotically optimal algorithm for
this setting, which is shown to achieve competitive empirical performance
against existing modified best-arm identification algorithms.
|
111,458 | 111,458 | SDQ: Stochastic Differentiable Quantization with Mixed Precision | In order to deploy deep models in a computationally efficient manner, model
quantization approaches have been frequently used. In addition, as new hardware
that supports mixed bitwidth arithmetic operations, recent research on mixed
precision quantization (MPQ) begins to fully leverage the capacity of
representation by searching optimized bitwidths for different layers and
modules in a network. However, previous studies mainly search the MPQ strategy
in a costly scheme using reinforcement learning, neural architecture search,
etc., or simply utilize partial prior knowledge for bitwidth assignment, which
might be biased and sub-optimal. In this work, we present a novel Stochastic
Differentiable Quantization (SDQ) method that can automatically learn the MPQ
strategy in a more flexible and globally-optimized space with smoother gradient
approximation. Particularly, Differentiable Bitwidth Parameters (DBPs) are
employed as the probability factors in stochastic quantization between adjacent
bitwidth choices. After the optimal MPQ strategy is acquired, we further train
our network with entropy-aware bin regularization and knowledge distillation.
We extensively evaluate our method for several networks on different hardware
(GPUs and FPGA) and datasets. SDQ outperforms all state-of-the-art mixed or
single precision quantization with a lower bitwidth and is even better than the
full-precision counterparts across various ResNet and MobileNet families,
demonstrating the effectiveness and superiority of our method.
|
111,459 | 111,459 | Meet You Halfway: Explaining Deep Learning Mysteries | Deep neural networks perform exceptionally well on various learning tasks
with state-of-the-art results. While these models are highly expressive and
achieve impressively accurate solutions with excellent generalization
abilities, they are susceptible to minor perturbations. Samples that suffer
such perturbations are known as "adversarial examples". Even though deep
learning is an extensively researched field, many questions about the nature of
deep learning models remain unanswered. In this paper, we introduce a new
conceptual framework attached with a formal description that aims to shed light
on the network's behavior and interpret the behind-the-scenes of the learning
process. Our framework provides an explanation for inherent questions
concerning deep learning. Particularly, we clarify: (1) Why do neural networks
acquire generalization abilities? (2) Why do adversarial examples transfer
between different models?. We provide a comprehensive set of experiments that
support this new framework, as well as its underlying theory.
|
111,460 | 111,460 | Towards Understanding Graph Neural Networks: An Algorithm Unrolling
Perspective | The graph neural network (GNN) has demonstrated its superior performance in
various applications. The working mechanism behind it, however, remains
mysterious. GNN models are designed to learn effective representations for
graph-structured data, which intrinsically coincides with the principle of
graph signal denoising (GSD). Algorithm unrolling, a "learning to optimize"
technique, has gained increasing attention due to its prospects in building
efficient and interpretable neural network architectures. In this paper, we
introduce a class of unrolled networks built based on truncated optimization
algorithms (e.g., gradient descent and proximal gradient descent) for GSD
problems. They are shown to be tightly connected to many popular GNN models in
that the forward propagations in these GNNs are in fact unrolled networks
serving specific GSDs. Besides, the training process of a GNN model can be seen
as solving a bilevel optimization problem with a GSD problem at the lower
level. Such a connection brings a fresh view of GNNs, as we could try to
understand their practical capabilities from their GSD counterparts, and it can
also motivate designing new GNN models. Based on the algorithm unrolling
perspective, an expressive model named UGDGNN, i.e., unrolled gradient descent
GNN, is further proposed which inherits appealing theoretical properties.
Extensive numerical simulations on seven benchmark datasets demonstrate that
UGDGNN can achieve superior or competitive performance over the
state-of-the-art models.
|
111,461 | 111,461 | Early Transferability of Adversarial Examples in Deep Neural Networks | This paper will describe and analyze a new phenomenon that was not known
before, which we call "Early Transferability". Its essence is that the
adversarial perturbations transfer among different networks even at extremely
early stages in their training. In fact, one can initialize two networks with
two different independent choices of random weights and measure the angle
between their adversarial perturbations after each step of the training. What
we discovered was that these two adversarial directions started to align with
each other already after the first few training steps (which typically use only
a small fraction of the available training data), even though the accuracy of
the two networks hadn't started to improve from their initial bad values due to
the early stage of the training. The purpose of this paper is to present this
phenomenon experimentally and propose plausible explanations for some of its
properties.
|
111,462 | 111,462 | Individually Fair Learning with One-Sided Feedback | We consider an online learning problem with one-sided feedback, in which the
learner is able to observe the true label only for positively predicted
instances. On each round, $k$ instances arrive and receive classification
outcomes according to a randomized policy deployed by the learner, whose goal
is to maximize accuracy while deploying individually fair policies. We first
extend the framework of Bechavod et al. (2020), which relies on the existence
of a human fairness auditor for detecting fairness violations, to instead
incorporate feedback from dynamically-selected panels of multiple, possibly
inconsistent, auditors. We then construct an efficient reduction from our
problem of online learning with one-sided feedback and a panel reporting
fairness violations to the contextual combinatorial semi-bandit problem
(Cesa-Bianchi & Lugosi, 2009, Gy\"{o}rgy et al., 2007). Finally, we show how to
leverage the guarantees of two algorithms in the contextual combinatorial
semi-bandit setting: Exp2 (Bubeck et al., 2012) and the oracle-efficient
Context-Semi-Bandit-FTPL (Syrgkanis et al., 2016), to provide multi-criteria no
regret guarantees simultaneously for accuracy and fairness. Our results
eliminate two potential sources of bias from prior work: the "hidden outcomes"
that are not available to an algorithm operating in the full information
setting, and human biases that might be present in any single human auditor,
but can be mitigated by selecting a well chosen panel.
|
111,463 | 111,463 | Receding Horizon Inverse Reinforcement Learning | Inverse reinforcement learning (IRL) seeks to infer a cost function that
explains the underlying goals and preferences of expert demonstrations. This
paper presents receding horizon inverse reinforcement learning (RHIRL), a new
IRL algorithm for high-dimensional, noisy, continuous systems with black-box
dynamic models. RHIRL addresses two key challenges of IRL: scalability and
robustness. To handle high-dimensional continuous systems, RHIRL matches the
induced optimal trajectories with expert demonstrations locally in a receding
horizon manner and 'stitches' together the local solutions to learn the cost;
it thereby avoids the 'curse of dimensionality'. This contrasts sharply with
earlier algorithms that match with expert demonstrations globally over the
entire high-dimensional state space. To be robust against imperfect expert
demonstrations and system control noise, RHIRL learns a state-dependent cost
function 'disentangled' from system dynamics under mild conditions. Experiments
on benchmark tasks show that RHIRL outperforms several leading IRL algorithms
in most instances. We also prove that the cumulative error of RHIRL grows
linearly with the task duration.
|
111,464 | 111,464 | Data-Efficient Brain Connectome Analysis via Multi-Task Meta-Learning | Brain networks characterize complex connectivities among brain regions as
graph structures, which provide a powerful means to study brain connectomes. In
recent years, graph neural networks have emerged as a prevalent paradigm of
learning with structured data. However, most brain network datasets are limited
in sample sizes due to the relatively high cost of data acquisition, which
hinders the deep learning models from sufficient training. Inspired by
meta-learning that learns new concepts fast with limited training examples,
this paper studies data-efficient training strategies for analyzing brain
connectomes in a cross-dataset setting. Specifically, we propose to meta-train
the model on datasets of large sample sizes and transfer the knowledge to small
datasets. In addition, we also explore two brain-network-oriented designs,
including atlas transformation and adaptive task reweighing. Compared to other
pre-training strategies, our meta-learning-based approach achieves higher and
stabler performance, which demonstrates the effectiveness of our proposed
solutions. The framework is also able to derive new insights regarding the
similarities among datasets and diseases in a data-driven fashion.
|
111,465 | 111,465 | Redundancy in Deep Linear Neural Networks | Conventional wisdom states that deep linear neural networks benefit from
expressiveness and optimization advantages over a single linear layer. This
paper suggests that, in practice, the training process of deep linear
fully-connected networks using conventional optimizers is convex in the same
manner as a single linear fully-connected layer. This paper aims to explain
this claim and demonstrate it. Even though convolutional networks are not
aligned with this description, this work aims to attain a new conceptual
understanding of fully-connected linear networks that might shed light on the
possible constraints of convolutional settings and non-linear architectures.
|
111,466 | 111,466 | Mitigating Modality Collapse in Multimodal VAEs via Impartial
Optimization | A number of variational autoencoders (VAEs) have recently emerged with the
aim of modeling multimodal data, e.g., to jointly model images and their
corresponding captions. Still, multimodal VAEs tend to focus solely on a subset
of the modalities, e.g., by fitting the image while neglecting the caption. We
refer to this limitation as modality collapse. In this work, we argue that this
effect is a consequence of conflicting gradients during multimodal VAE
training. We show how to detect the sub-graphs in the computational graphs
where gradients conflict (impartiality blocks), as well as how to leverage
existing gradient-conflict solutions from multitask learning to mitigate
modality collapse. That is, to ensure impartial optimization across modalities.
We apply our training framework to several multimodal VAE models, losses and
datasets from the literature, and empirically show that our framework
significantly improves the reconstruction performance, conditional generation,
and coherence of the latent space across modalities.
|
111,467 | 111,467 | Unlearning Protected User Attributes in Recommendations with Adversarial
Training | Collaborative filtering algorithms capture underlying consumption patterns,
including the ones specific to particular demographics or protected information
of users, e.g. gender, race, and location. These encoded biases can influence
the decision of a recommendation system (RS) towards further separation of the
contents provided to various demographic subgroups, and raise privacy concerns
regarding the disclosure of users' protected attributes. In this work, we
investigate the possibility and challenges of removing specific protected
information of users from the learned interaction representations of a RS
algorithm, while maintaining its effectiveness. Specifically, we incorporate
adversarial training into the state-of-the-art MultVAE architecture, resulting
in a novel model, Adversarial Variational Auto-Encoder with Multinomial
Likelihood (Adv-MultVAE), which aims at removing the implicit information of
protected attributes while preserving recommendation performance. We conduct
experiments on the MovieLens-1M and LFM-2b-DemoBias datasets, and evaluate the
effectiveness of the bias mitigation method based on the inability of external
attackers in revealing the users' gender information from the model. Comparing
with baseline MultVAE, the results show that Adv-MultVAE, with marginal
deterioration in performance (w.r.t. NDCG and recall), largely mitigates
inherent biases in the model on both datasets.
|
111,468 | 111,468 | What is a Good Metric to Study Generalization of Minimax Learners? | Minimax optimization has served as the backbone of many machine learning (ML)
problems. Although the convergence behavior of optimization algorithms has been
extensively studied in minimax settings, their generalization guarantees in the
stochastic setting, i.e., how the solution trained on empirical data performs
on the unseen testing data, have been relatively underexplored. A fundamental
question remains elusive: What is a good metric to study generalization of
minimax learners? In this paper, we aim to answer this question by first
showing that primal risk, a universal metric to study generalization in
minimization, fails in simple examples of minimax problems. Furthermore,
another popular metric, the primal-dual risk, also fails to characterize the
generalization behavior for minimax problems with nonconvexity, due to
non-existence of saddle points. We thus propose a new metric to study
generalization of minimax learners: the primal gap, to circumvent these issues.
Next, we derive generalization bounds for the primal gap in nonconvex-concave
settings. As byproducts of our analysis, we also solve two open questions:
establishing generalization bounds for primal risk and primal-dual risk in the
strong sense, i.e., without strong concavity or assuming that the maximization
and expectation can be interchanged, while either of these assumptions was
needed in the literature. Finally, we leverage this new metric to compare the
generalization behavior of two popular algorithms -- gradient descent-ascent
(GDA) and gradient descent-max (GDMax) in stochastic minimax optimization.
|
111,469 | 111,469 | Accurate Node Feature Estimation with Structured Variational Graph
Autoencoder | Given a graph with partial observations of node features, how can we estimate
the missing features accurately? Feature estimation is a crucial problem for
analyzing real-world graphs whose features are commonly missing during the data
collection process. Accurate estimation not only provides diverse information
of nodes but also supports the inference of graph neural networks that require
the full observation of node features. However, designing an effective approach
for estimating high-dimensional features is challenging, since it requires an
estimator to have large representation power, increasing the risk of
overfitting. In this work, we propose SVGA (Structured Variational Graph
Autoencoder), an accurate method for feature estimation. SVGA applies strong
regularization to the distribution of latent variables by structured
variational inference, which models the prior of variables as Gaussian Markov
random field based on the graph structure. As a result, SVGA combines the
advantages of probabilistic inference and graph neural networks, achieving
state-of-the-art performance in real datasets.
|
111,470 | 111,470 | An FPGA-based Solution for Convolution Operation Acceleration | Hardware-based acceleration is an extensive attempt to facilitate many
computationally-intensive mathematics operations. This paper proposes an
FPGA-based architecture to accelerate the convolution operation - a complex and
expensive computing step that appears in many Convolutional Neural Network
models. We target the design to the standard convolution operation, intending
to launch the product as an edge-AI solution. The project's purpose is to
produce an FPGA IP core that can process a convolutional layer at a time.
System developers can deploy the IP core with various FPGA families by using
Verilog HDL as the primary design language for the architecture. The
experimental results show that our single computing core synthesized on a
simple edge computing FPGA board can offer 0.224 GOPS. When the board is fully
utilized, 4.48 GOPS can be achieved.
|
111,471 | 111,471 | DORA: Exploring outlier representations in Deep Neural Networks | Deep Neural Networks (DNNs) draw their power from the representations they
learn. In recent years, however, researchers have found that DNNs, while being
incredibly effective in learning complex abstractions, also tend to be infected
with artifacts, such as biases, Clever Hanses (CH), or Backdoors, due to
spurious correlations inherent in the training data. So far, existing methods
for uncovering such artifactual and malicious behavior in trained models focus
on finding artifacts in the input data, which requires both availabilities of a
data set and human intervention. In this paper, we introduce DORA
(Data-agnOstic Representation Analysis): the first automatic data-agnostic
method for the detection of potentially infected representations in Deep Neural
Networks. We further show that contaminated representations found by DORA can
be used to detect infected samples in any given dataset. We qualitatively and
quantitatively evaluate the performance of our proposed method in both,
controlled toy scenarios, and in real-world settings, where we demonstrate the
benefit of DORA in safety-critical applications.
|
111,472 | 111,472 | ECLAD: Extracting Concepts with Local Aggregated Descriptors | Convolutional neural networks are being increasingly used in critical
systems, where ensuring their robustness and alignment is crucial. In this
context, the field of explainable artificial intelligence has proposed the
generation of high-level explanations through concept extraction. These methods
detect whether a concept is present in an image, but are incapable of locating
where. What is more, a fair comparison of approaches is difficult, as proper
validation procedures are missing. To fill these gaps, we propose a novel
method for automatic concept extraction and localization based on
representations obtained through the pixel-wise aggregations of activation maps
of CNNs. Further, we introduce a process for the validation of
concept-extraction techniques based on synthetic datasets with pixel-wise
annotations of their main components, reducing human intervention. Through
extensive experimentation on both synthetic and real-world datasets, our method
achieves better performance in comparison to state-of-the-art alternatives.
|
111,473 | 111,473 | Pragmatically Learning from Pedagogical Demonstrations in Multi-Goal
Environments | Learning from demonstration methods usually leverage close to optimal
demonstrations to accelerate training. By contrast, when demonstrating a task,
human teachers deviate from optimal demonstrations and pedagogically modify
their behavior by giving demonstrations that best disambiguate the goal they
want to demonstrate. Analogously, human learners excel at pragmatically
inferring the intent of the teacher, facilitating communication between the two
agents. These mechanisms are critical in the few demonstrations regime, where
inferring the goal is more difficult. In this paper, we implement pedagogy and
pragmatism mechanisms by leveraging a Bayesian model of goal inference from
demonstrations. We highlight the benefits of this model in multi-goal
teacher-learner setups with two artificial agents that learn with
goal-conditioned Reinforcement Learning. We show that combining a pedagogical
teacher and a pragmatic learner results in faster learning and reduced goal
ambiguity over standard learning from demonstrations, especially in the few
demonstrations regime.
|
111,474 | 111,474 | A Relational Intervention Approach for Unsupervised Dynamics
Generalization in Model-Based Reinforcement Learning | The generalization of model-based reinforcement learning (MBRL) methods to
environments with unseen transition dynamics is an important yet challenging
problem. Existing methods try to extract environment-specified information $Z$
from past transition segments to make the dynamics prediction model
generalizable to different dynamics. However, because environments are not
labelled, the extracted information inevitably contains redundant information
unrelated to the dynamics in transition segments and thus fails to maintain a
crucial property of $Z$: $Z$ should be similar in the same environment and
dissimilar in different ones. As a result, the learned dynamics prediction
function will deviate from the true one, which undermines the generalization
ability. To tackle this problem, we introduce an interventional prediction
module to estimate the probability of two estimated $\hat{z}_i, \hat{z}_j$
belonging to the same environment. Furthermore, by utilizing the $Z$'s
invariance within a single environment, a relational head is proposed to
enforce the similarity between $\hat{{Z}}$ from the same environment. As a
result, the redundant information will be reduced in $\hat{Z}$. We empirically
show that $\hat{{Z}}$ estimated by our method enjoy less redundant information
than previous methods, and such $\hat{{Z}}$ can significantly reduce dynamics
prediction errors and improve the performance of model-based RL methods on
zero-shot new environments with unseen dynamics. The codes of this method are
available at \url{https://github.com/CR-Gjx/RIA}.
|
111,475 | 111,475 | Benefits of Overparameterized Convolutional Residual Networks: Function
Approximation under Smoothness Constraint | Overparameterized neural networks enjoy great representation power on complex
data, and more importantly yield sufficiently smooth output, which is crucial
to their generalization and robustness. Most existing function approximation
theories suggest that with sufficiently many parameters, neural networks can
well approximate certain classes of functions in terms of the function value.
The neural network themselves, however, can be highly nonsmooth. To bridge this
gap, we take convolutional residual networks (ConvResNets) as an example, and
prove that large ConvResNets can not only approximate a target function in
terms of function value, but also exhibit sufficient first-order smoothness.
Moreover, we extend our theory to approximating functions supported on a
low-dimensional manifold. Our theory partially justifies the benefits of using
deep and wide networks in practice. Numerical experiments on adversarial robust
image classification are provided to support our theory.
|
111,476 | 111,476 | Revisiting End-to-End Speech-to-Text Translation From Scratch | End-to-end (E2E) speech-to-text translation (ST) often depends on pretraining
its encoder and/or decoder using source transcripts via speech recognition or
text translation tasks, without which translation performance drops
substantially. However, transcripts are not always available, and how
significant such pretraining is for E2E ST has rarely been studied in the
literature. In this paper, we revisit this question and explore the extent to
which the quality of E2E ST trained on speech-translation pairs alone can be
improved. We reexamine several techniques proven beneficial to ST previously,
and offer a set of best practices that biases a Transformer-based E2E ST system
toward training from scratch. Besides, we propose parameterized distance
penalty to facilitate the modeling of locality in the self-attention model for
speech. On four benchmarks covering 23 languages, our experiments show that,
without using any transcripts or pretraining, the proposed system reaches and
even outperforms previous studies adopting pretraining, although the gap
remains in (extremely) low-resource settings. Finally, we discuss neural
acoustic feature modeling, where a neural model is designed to extract acoustic
features from raw speech signals directly, with the goal to simplify inductive
biases and add freedom to the model in describing speech. For the first time,
we demonstrate its feasibility and show encouraging results on ST tasks.
|
111,477 | 111,477 | Simple lessons from complex learning: what a neural network model learns
about cosmic structure formation | We train a neural network model to predict the full phase space evolution of
cosmological N-body simulations. Its success implies that the neural network
model is accurately approximating the Green's function expansion that relates
the initial conditions of the simulations to its outcome at later times in the
deeply nonlinear regime. We test the accuracy of this approximation by
assessing its performance on well understood simple cases that have either
known exact solutions or well understood expansions. These scenarios include
spherical configurations, isolated plane waves, and two interacting plane
waves: initial conditions that are very different from the Gaussian random
fields used for training. We find our model generalizes well to these well
understood scenarios, demonstrating that the networks have inferred general
physical principles and learned the nonlinear mode couplings from the complex,
random Gaussian training data. These tests also provide a useful diagnostic for
finding the model's strengths and weaknesses, and identifying strategies for
model improvement. We also test the model on initial conditions that contain
only transverse modes, a family of modes that differ not only in their phases
but also in their evolution from the longitudinal growing modes used in the
training set. When the network encounters these initial conditions that are
orthogonal to the training set, the model fails completely. In addition to
these simple configurations, we evaluate the model's predictions for the
density, displacement, and momentum power spectra with standard initial
conditions for N-body simulations. We compare these summary statistics against
N-body results and an approximate, fast simulation method called COLA. Our
model achieves percent level accuracy at nonlinear scales of $k\sim 1\
\mathrm{Mpc}^{-1}\, h$, representing a significant improvement over COLA.
|
111,478 | 111,478 | Transformer based Urdu Handwritten Text Optical Character Reader | Extracting Handwritten text is one of the most important components of
digitizing information and making it available for large scale setting.
Handwriting Optical Character Reader (OCR) is a research problem in computer
vision and natural language processing computing, and a lot of work has been
done for English, but unfortunately, very little work has been done for low
resourced languages such as Urdu. Urdu language script is very difficult
because of its cursive nature and change of shape of characters based on it's
relative position, therefore, a need arises to propose a model which can
understand complex features and generalize it for every kind of handwriting
style. In this work, we propose a transformer based Urdu Handwritten text
extraction model. As transformers have been very successful in Natural Language
Understanding task, we explore them further to understand complex Urdu
Handwriting.
|
111,479 | 111,479 | Clustering with Queries under Semi-Random Noise | The seminal paper by Mazumdar and Saha \cite{MS17a} introduced an extensive
line of work on clustering with noisy queries. Yet, despite significant
progress on the problem, the proposed methods depend crucially on knowing the
exact probabilities of errors of the underlying fully-random oracle. In this
work, we develop robust learning methods that tolerate general semi-random
noise obtaining qualitatively the same guarantees as the best possible methods
in the fully-random model.
More specifically, given a set of $n$ points with an unknown underlying
partition, we are allowed to query pairs of points $u,v$ to check if they are
in the same cluster, but with probability $p$, the answer may be adversarially
chosen. We show that information theoretically $O\left(\frac{nk \log n}
{(1-2p)^2}\right)$ queries suffice to learn any cluster of sufficiently large
size. Our main result is a computationally efficient algorithm that can
identify large clusters with $O\left(\frac{nk \log n} {(1-2p)^2}\right) +
\text{poly}\left(\log n, k, \frac{1}{1-2p} \right)$ queries, matching the
guarantees of the best known algorithms in the fully-random model. As a
corollary of our approach, we develop the first parameter-free algorithm for
the fully-random model, answering an open question by \cite{MS17a}.
|
111,480 | 111,480 | Optimal SQ Lower Bounds for Robustly Learning Discrete Product
Distributions and Ising Models | We establish optimal Statistical Query (SQ) lower bounds for robustly
learning certain families of discrete high-dimensional distributions. In
particular, we show that no efficient SQ algorithm with access to an
$\epsilon$-corrupted binary product distribution can learn its mean within
$\ell_2$-error $o(\epsilon \sqrt{\log(1/\epsilon)})$. Similarly, we show that
no efficient SQ algorithm with access to an $\epsilon$-corrupted ferromagnetic
high-temperature Ising model can learn the model to total variation distance
$o(\epsilon \log(1/\epsilon))$. Our SQ lower bounds match the error guarantees
of known algorithms for these problems, providing evidence that current upper
bounds for these tasks are best possible. At the technical level, we develop a
generic SQ lower bound for discrete high-dimensional distributions starting
from low dimensional moment matching constructions that we believe will find
other applications. Additionally, we introduce new ideas to analyze these
moment-matching constructions for discrete univariate distributions.
|
111,481 | 111,481 | Privacy Leakage in Text Classification: A Data Extraction Approach | Recent work has demonstrated the successful extraction of training data from
generative language models. However, it is not evident whether such extraction
is feasible in text classification models since the training objective is to
predict the class label as opposed to next-word prediction. This poses an
interesting challenge and raises an important question regarding the privacy of
training data in text classification settings. Therefore, we study the
potential privacy leakage in the text classification domain by investigating
the problem of unintended memorization of training data that is not pertinent
to the learning task. We propose an algorithm to extract missing tokens of a
partial text by exploiting the likelihood of the class label provided by the
model. We test the effectiveness of our algorithm by inserting canaries into
the training set and attempting to extract tokens in these canaries
post-training. In our experiments, we demonstrate that successful extraction is
possible to some extent. This can also be used as an auditing strategy to
assess any potential unauthorized use of personal data without consent.
|
111,482 | 111,482 | Field Level Neural Network Emulator for Cosmological N-body Simulations | We build a field level emulator for cosmic structure formation that is
accurate in the nonlinear regime. Our emulator consists of two convolutional
neural networks trained to output the nonlinear displacements and velocities of
N-body simulation particles based on their linear inputs. Cosmology dependence
is encoded in the form of style parameters at each layer of the neural network,
enabling the emulator to effectively interpolate the outcomes of structure
formation between different flat $\Lambda$CDM cosmologies over a wide range of
background matter densities. The neural network architecture makes the model
differentiable by construction, providing a powerful tool for fast field level
inference. We test the accuracy of our method by considering several summary
statistics, including the density power spectrum with and without redshift
space distortions, the displacement power spectrum, the momentum power
spectrum, the density bispectrum, halo abundances, and halo profiles with and
without redshift space distortions. We compare these statistics from our
emulator with the full N-body results, the COLA method, and a fiducial neural
network with no cosmological dependence. We find our emulator gives accurate
results down to scales of $k \sim 1\ \mathrm{Mpc}^{-1}\, h$, representing a
considerable improvement over both COLA and the fiducial neural network. We
also demonstrate that our emulator generalizes well to initial conditions
containing primordial non-Gaussianity, without the need for any additional
style parameters or retraining.
|
111,483 | 111,483 | On Margins and Generalisation for Voting Classifiers | We study the generalisation properties of majority voting on finite ensembles
of classifiers, proving margin-based generalisation bounds via the PAC-Bayes
theory. These provide state-of-the-art guarantees on a number of classification
tasks. Our central results leverage the Dirichlet posteriors studied recently
by Zantedeschi et al. [2021] for training voting classifiers; in contrast to
that work our bounds apply to non-randomised votes via the use of margins. Our
contributions add perspective to the debate on the "margins theory" proposed by
Schapire et al. [1998] for the generalisation of ensemble classifiers.
|
111,484 | 111,484 | Explicit Regularization in Overparametrized Models via Noise Injection | Injecting noise within gradient descent has several desirable features. In
this paper, we explore noise injection before computing a gradient step, which
is known to have smoothing and regularizing properties. We show that small
perturbations induce explicit regularization for simple finite-dimensional
models based on the l1-norm, group l1-norms, or nuclear norms. When applied to
overparametrized neural networks with large widths, we show that the same
perturbations do not work due to variance explosion resulting from
overparametrization. However, we also show that independent layer wise
perturbations allow to avoid the exploding variance term, and explicit
regularizers can then be obtained. We empirically show that the small
perturbations lead to better generalization performance than vanilla
(stochastic) gradient descent training, with minor adjustments to the training
procedure.
|
111,485 | 111,485 | Beyond the Imitation Game: Quantifying and extrapolating the
capabilities of language models | Language models demonstrate both quantitative improvement and new qualitative
capabilities with increasing scale. Despite their potentially transformative
impact, these new capabilities are as yet poorly characterized. In order to
inform future research, prepare for disruptive new model capabilities, and
ameliorate socially harmful effects, it is vital that we understand the present
and near-future capabilities and limitations of language models. To address
this challenge, we introduce the Beyond the Imitation Game benchmark
(BIG-bench). BIG-bench currently consists of 204 tasks, contributed by 442
authors across 132 institutions. Task topics are diverse, drawing problems from
linguistics, childhood development, math, common-sense reasoning, biology,
physics, social bias, software development, and beyond. BIG-bench focuses on
tasks that are believed to be beyond the capabilities of current language
models. We evaluate the behavior of OpenAI's GPT models, Google-internal dense
transformer architectures, and Switch-style sparse transformers on BIG-bench,
across model sizes spanning millions to hundreds of billions of parameters. In
addition, a team of human expert raters performed all tasks in order to provide
a strong baseline. Findings include: model performance and calibration both
improve with scale, but are poor in absolute terms (and when compared with
rater performance); performance is remarkably similar across model classes,
though with benefits from sparsity; tasks that improve gradually and
predictably commonly involve a large knowledge or memorization component,
whereas tasks that exhibit "breakthrough" behavior at a critical scale often
involve multiple steps or components, or brittle metrics; social bias typically
increases with scale in settings with ambiguous context, but this can be
improved with prompting.
|
111,486 | 111,486 | On the Generalization and Adaption Performance of Causal Models | Learning models that offer robust out-of-distribution generalization and fast
adaptation is a key challenge in modern machine learning. Modelling causal
structure into neural networks holds the promise to accomplish robust zero and
few-shot adaptation. Recent advances in differentiable causal discovery have
proposed to factorize the data generating process into a set of modules, i.e.
one module for the conditional distribution of every variable where only causal
parents are used as predictors. Such a modular decomposition of knowledge
enables adaptation to distributions shifts by only updating a subset of
parameters. In this work, we systematically study the generalization and
adaption performance of such modular neural causal models by comparing it to
monolithic models and structured models where the set of predictors is not
constrained to causal parents. Our analysis shows that the modular neural
causal models outperform other models on both zero and few-shot adaptation in
low data regimes and offer robust generalization. We also found that the
effects are more significant for sparser graphs as compared to denser graphs.
|
111,487 | 111,487 | A Critical Review on the Use (and Misuse) of Differential Privacy in
Machine Learning | We review the use of differential privacy (DP) for privacy protection in
machine learning (ML). We show that, driven by the aim of preserving the
accuracy of the learned models, DP-based ML implementations are so loose that
they do not offer the ex ante privacy guarantees of DP. Instead, what they
deliver is basically noise addition similar to the traditional (and often
criticized) statistical disclosure control approach. Due to the lack of formal
privacy guarantees, the actual level of privacy offered must be experimentally
assessed ex post, which is done very seldom. In this respect, we present
empirical results showing that standard anti-overfitting techniques in ML can
achieve a better utility/privacy/efficiency trade-off than DP.
|
111,488 | 111,488 | Factuality Enhanced Language Models for Open-Ended Text Generation | Pretrained language models (LMs) are susceptible to generate text with
nonfactual information. In this work, we measure and improve the factual
accuracy of large-scale LMs for open-ended text generation. We design the
FactualityPrompts test set and metrics to measure the factuality of LM
generations. Based on that, we study the factual accuracy of LMs with parameter
sizes ranging from 126M to 530B. Interestingly, we find that larger LMs are
more factual than smaller ones, although a previous study suggests that larger
LMs can be less truthful in terms of misconceptions. In addition, popular
sampling algorithms (e.g., top-p) in open-ended text generation can harm the
factuality due to the "uniform randomness" introduced at every sampling step.
We propose the factual-nucleus sampling algorithm that dynamically adapts the
randomness to improve the factuality of generation while maintaining quality.
Furthermore, we analyze the inefficiencies of the standard training method in
learning correct associations between entities from factual text corpus (e.g.,
Wikipedia). We propose a factuality-enhanced training method that uses
TopicPrefix for better awareness of facts and sentence completion as the
training objective, which can vastly reduce the factual errors.
|
111,489 | 111,489 | AttX: Attentive Cross-Connections for Fusion of Wearable Signals in
Emotion Recognition | We propose cross-modal attentive connections, a new dynamic and effective
technique for multimodal representation learning from wearable data. Our
solution can be integrated into any stage of the pipeline, i.e., after any
convolutional layer or block, to create intermediate connections between
individual streams responsible for processing each modality. Additionally, our
method benefits from two properties. First, it can share information
uni-directionally (from one modality to the other) or bi-directionally. Second,
it can be integrated into multiple stages at the same time to further allow
network gradients to be exchanged in several touch-points. We perform extensive
experiments on three public multimodal wearable datasets, WESAD, SWELL-KW, and
CASE, and demonstrate that our method can effectively regulate and share
information between different modalities to learn better representations. Our
experiments further demonstrate that once integrated into simple CNN-based
multimodal solutions (2, 3, or 4 modalities), our method can result in superior
or competitive performance to state-of-the-art and outperform a variety of
baseline uni-modal and classical multimodal methods.
|
111,490 | 111,490 | Temporal Logic Imitation: Learning Plan-Satisficing Motion Policies from
Demonstrations | Learning from demonstration (LfD) methods have shown promise for solving
multi-step tasks; however, these approaches do not guarantee successful
reproduction of the task given disturbances. In this work, we identify the
roots of such a challenge as the failure of the learned continuous policy to
satisfy the discrete plan implicit in the demonstration. By utilizing modes
(rather than subgoals) as the discrete abstraction and motion policies with
both mode invariance and goal reachability properties, we prove our learned
continuous policy can simulate any discrete plan specified by a Linear Temporal
Logic (LTL) formula. Consequently, the imitator is robust to both task- and
motion-level disturbances and guaranteed to achieve task success. Project page:
https://sites.google.com/view/ltl-ds
|
111,491 | 111,491 | Spatial Entropy Regularization for Vision Transformers | Recent work has shown that the attention maps of Vision Transformers (VTs),
when trained with self-supervision, can contain a semantic segmentation
structure which does not spontaneously emerge when training is supervised. In
this paper, we explicitly encourage the emergence of this spatial clustering as
a form of training regularization, this way including a self-supervised pretext
task into the standard supervised learning. In more detail, we propose a VT
regularization method based on a spatial formulation of the information
entropy. By minimizing the proposed spatial entropy, we explicitly ask the VT
to produce spatially ordered attention maps, this way including an object-based
prior during training. Using extensive experiments, we show that the proposed
regularization approach is beneficial with different training scenarios,
datasets, downstream tasks and VT architectures. The code will be available
upon acceptance.
|
111,492 | 111,492 | Regret Bounds for Information-Directed Reinforcement Learning | Information-directed sampling (IDS) has revealed its potential as a
data-efficient algorithm for reinforcement learning (RL). However, theoretical
understanding of IDS for Markov Decision Processes (MDPs) is still limited. We
develop novel information-theoretic tools to bound the information ratio and
cumulative information gain about the learning target. Our theoretical results
shed light on the importance of choosing the learning target such that the
practitioners can balance the computation and regret bounds. As a consequence,
we derive prior-free Bayesian regret bounds for vanilla-IDS which learns the
whole environment under tabular finite-horizon MDPs. In addition, we propose a
computationally-efficient regularized-IDS that maximizes an additive form
rather than the ratio form and show that it enjoys the same regret bound as
vanilla-IDS. With the aid of rate-distortion theory, we improve the regret
bound by learning a surrogate, less informative environment. Furthermore, we
extend our analysis to linear MDPs and prove similar regret bounds for Thompson
sampling as a by-product.
|
111,493 | 111,493 | Probability flow solution of the Fokker-Planck equation | The method of choice for integrating the time-dependent Fokker-Planck
equation in high-dimension is to generate samples from the solution via
integration of the associated stochastic differential equation. Here, we
introduce an alternative scheme based on integrating an ordinary differential
equation that describes the flow of probability. Unlike the stochastic
dynamics, this equation deterministically pushes samples from the initial
density onto samples from the solution at any later time. The method has the
advantage of giving direct access to quantities that are challenging to
estimate only given samples from the solution, such as the probability current,
the density itself, and its entropy. The probability flow equation depends on
the gradient of the logarithm of the solution (its "score"), and so is a-priori
unknown. To resolve this dependence, we model the score with a deep neural
network that is learned on-the-fly by propagating a set of particles according
to the instantaneous probability current. Our approach is based on recent
advances in score-based diffusion for generative modeling, with the important
difference that the training procedure is self-contained and does not require
samples from the target density to be available beforehand. To demonstrate the
validity of the approach, we consider several examples from the physics of
interacting particle systems; we find that the method scales well to
high-dimensional systems, and accurately matches available analytical solutions
and moments computed via Monte-Carlo.
|
111,494 | 111,494 | Globally Optimal Algorithms for Fixed-Budget Best Arm Identification | We consider the fixed-budget best arm identification problem where the goal
is to find the arm of the largest mean with a fixed number of samples. It is
known that the probability of misidentifying the best arm is exponentially
small to the number of rounds. However, limited characterizations have been
discussed on the rate (exponent) of this value. In this paper, we characterize
the optimal rate as a result of global optimization over all possible
parameters. We introduce two rates, $R^{\mathrm{go}}$ and
$R^{\mathrm{go}}_{\infty}$, corresponding to lower bounds on the
misidentification probability, each of which is associated with a proposed
algorithm. The rate $R^{\mathrm{go}}$ is associated with
$R^{\mathrm{go}}$-tracking, which can be efficiently implemented by a neural
network and is shown to outperform existing algorithms. However, this rate
requires a nontrivial condition to be achievable. To deal with this issue, we
introduce the second rate $R^{\mathrm{go}}_\infty$. We show that this rate is
indeed achievable by introducing a conceptual algorithm called delayed optimal
tracking (DOT).
|
111,495 | 111,495 | VideoINR: Learning Video Implicit Neural Representation for Continuous
Space-Time Super-Resolution | Videos typically record the streaming and continuous visual data as discrete
consecutive frames. Since the storage cost is expensive for videos of high
fidelity, most of them are stored in a relatively low resolution and frame
rate. Recent works of Space-Time Video Super-Resolution (STVSR) are developed
to incorporate temporal interpolation and spatial super-resolution in a unified
framework. However, most of them only support a fixed up-sampling scale, which
limits their flexibility and applications. In this work, instead of following
the discrete representations, we propose Video Implicit Neural Representation
(VideoINR), and we show its applications for STVSR. The learned implicit neural
representation can be decoded to videos of arbitrary spatial resolution and
frame rate. We show that VideoINR achieves competitive performances with
state-of-the-art STVSR methods on common up-sampling scales and significantly
outperforms prior works on continuous and out-of-training-distribution scales.
Our project page is at http://zeyuan-chen.com/VideoINR/ .
|
111,496 | 111,496 | BigVGAN: A Universal Neural Vocoder with Large-Scale Training | Despite recent progress in generative adversarial network(GAN)-based
vocoders, where the model generates raw waveform conditioned on mel
spectrogram, it is still challenging to synthesize high-fidelity audio for
numerous speakers across varied recording environments. In this work, we
present BigVGAN, a universal vocoder that generalizes well under various unseen
conditions in zero-shot setting. We introduce periodic nonlinearities and
anti-aliased representation into the generator, which brings the desired
inductive bias for waveform synthesis and significantly improves audio quality.
Based on our improved generator and the state-of-the-art discriminators, we
train our GAN vocoder at the largest scale up to 112M parameters, which is
unprecedented in the literature. In particular, we identify and address the
training instabilities specific to such scale, while maintaining high-fidelity
output without over-regularization. Our BigVGAN achieves the state-of-the-art
zero-shot performance for various out-of-distribution scenarios, including new
speakers, novel languages, singing voices, music and instrumental audio in
unseen (even noisy) recording environments. We will release our code and model
at: https://github.com/NVIDIA/BigVGAN
|
111,497 | 111,497 | Distillation Decision Tree | Black-box machine learning models are criticized as lacking interpretability,
although they tend to have good prediction accuracy. Knowledge Distillation
(KD) is an emerging tool to interpret the black-box model by distilling its
knowledge into a transparent model. With well-known advantages in
interpretation, decision tree is a competitive candidate of the transparent
model. However, theoretical or empirical understanding for the decision tree
generated from KD process is limited. In this paper, we name this kind of
decision tree the distillation decision tree (DDT) and lay the theoretical
foundations for tree structure stability which determines the validity of DDT's
interpretation. We prove that the structure of DDT can achieve stable
(convergence) under some mild assumptions. Meanwhile, we develop algorithms for
stabilizing the induction of DDT, propose parallel strategies for improving
algorithm's computational efficiency, and introduce a marginal principal
component analysis method for overcoming the curse of dimensionality in
sampling. Simulated and real data studies justify our theoretical results,
validate the efficacy of algorithms, and demonstrate that DDT can strike a good
balance between model's prediction accuracy and interpretability.
|
111,498 | 111,498 | DiSparse: Disentangled Sparsification for Multitask Model Compression | Despite the popularity of Model Compression and Multitask Learning, how to
effectively compress a multitask model has been less thoroughly analyzed due to
the challenging entanglement of tasks in the parameter space. In this paper, we
propose DiSparse, a simple, effective, and first-of-its-kind multitask pruning
and sparse training scheme. We consider each task independently by
disentangling the importance measurement and take the unanimous decisions among
all tasks when performing parameter pruning and selection. Our experimental
results demonstrate superior performance on various configurations and settings
compared to popular sparse training and pruning methods. Besides the
effectiveness in compression, DiSparse also provides a powerful tool to the
multitask learning community. Surprisingly, we even observed better performance
than some dedicated multitask learning methods in several cases despite the
high model sparsity enforced by DiSparse. We analyzed the pruning masks
generated with DiSparse and observed strikingly similar sparse network
architecture identified by each task even before the training starts. We also
observe the existence of a "watershed" layer where the task relatedness sharply
drops, implying no benefits in continued parameters sharing. Our code and
models will be available at:
https://github.com/SHI-Labs/DiSparse-Multitask-Model-Compression.
|
111,499 | 111,499 | Provably efficient variational generative modeling of quantum many-body
systems via quantum-probabilistic information geometry | The dual tasks of quantum Hamiltonian learning and quantum Gibbs sampling are
relevant to many important problems in physics and chemistry. In the low
temperature regime, algorithms for these tasks often suffer from
intractabilities, for example from poor sample- or time-complexity. With the
aim of addressing such intractabilities, we introduce a generalization of
quantum natural gradient descent to parameterized mixed states, as well as
provide a robust first-order approximating algorithm, Quantum-Probabilistic
Mirror Descent. We prove data sample efficiency for the dual tasks using tools
from information geometry and quantum metrology, thus generalizing the seminal
result of classical Fisher efficiency to a variational quantum algorithm for
the first time. Our approaches extend previously sample-efficient techniques to
allow for flexibility in model choice, including to spectrally-decomposed
models like Quantum Hamiltonian-Based Models, which may circumvent intractable
time complexities. Our first-order algorithm is derived using a novel quantum
generalization of the classical mirror descent duality. Both results require a
special choice of metric, namely, the Bogoliubov-Kubo-Mori metric. To test our
proposed algorithms numerically, we compare their performance to existing
baselines on the task of quantum Gibbs sampling for the transverse field Ising
model. Finally, we propose an initialization strategy leveraging geometric
locality for the modelling of sequences of states such as those arising from
quantum-stochastic processes. We demonstrate its effectiveness empirically for
both real and imaginary time evolution while defining a broader class of
potential applications.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.