Unnamed: 0.1
int64 0
113k
| Unnamed: 0
float64 0
113k
⌀ | title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|---|---|
110,000 | 110,000 | Your Transformer May Not be as Powerful as You Expect | Relative Positional Encoding (RPE), which encodes the relative distance
between any pair of tokens, is one of the most successful modifications to the
original Transformer. As far as we know, theoretical understanding of the
RPE-based Transformers is largely unexplored. In this work, we mathematically
analyze the power of RPE-based Transformers regarding whether the model is
capable of approximating any continuous sequence-to-sequence functions. One may
naturally assume the answer is in the affirmative -- RPE-based Transformers are
universal function approximators. However, we present a negative result by
showing there exist continuous sequence-to-sequence functions that RPE-based
Transformers cannot approximate no matter how deep and wide the neural network
is. One key reason lies in that most RPEs are placed in the softmax attention
that always generates a right stochastic matrix. This restricts the network
from capturing positional information in the RPEs and limits its capacity. To
overcome the problem and make the model more powerful, we first present
sufficient conditions for RPE-based Transformers to achieve universal function
approximation. With the theoretical guidance, we develop a novel attention
module, called Universal RPE-based (URPE) Attention, which satisfies the
conditions. Therefore, the corresponding URPE-based Transformers become
universal function approximators. Extensive experiments covering typical
architectures and tasks demonstrate that our model is parameter-efficient and
can achieve superior performance to strong baselines in a wide range of
applications.
|
110,001 | 110,001 | A Fair Federated Learning Framework With Reinforcement Learning | Federated learning (FL) is a paradigm where many clients collaboratively
train a model under the coordination of a central server, while keeping the
training data locally stored. However, heterogeneous data distributions over
different clients remain a challenge to mainstream FL algorithms, which may
cause slow convergence, overall performance degradation and unfairness of
performance across clients. To address these problems, in this study we propose
a reinforcement learning framework, called PG-FFL, which automatically learns a
policy to assign aggregation weights to clients. Additionally, we propose to
utilize Gini coefficient as the measure of fairness for FL. More importantly,
we apply the Gini coefficient and validation accuracy of clients in each
communication round to construct a reward function for the reinforcement
learning. Our PG-FFL is also compatible to many existing FL algorithms. We
conduct extensive experiments over diverse datasets to verify the effectiveness
of our framework. The experimental results show that our framework can
outperform baseline methods in terms of overall performance, fairness and
convergence speed.
|
110,002 | 110,002 | Avoiding Barren Plateaus with Classical Deep Neural Networks | Variational quantum algorithms (VQAs) are among the most promising algorithms
in the era of Noisy Intermediate Scale Quantum Devices. The VQAs are applied to
a variety of tasks, such as in chemistry simulations, optimization problems,
and quantum neural networks. Such algorithms are constructed using a
parameterization U($\pmb{\theta}$) with a classical optimizer that updates the
parameters $\pmb{\theta}$ in order to minimize a cost function $C$. For this
task, in general the gradient descent method, or one of its variants, is used.
This is a method where the circuit parameters are updated iteratively using the
cost function gradient. However, several works in the literature have shown
that this method suffers from a phenomenon known as the Barren Plateaus (BP).
This phenomenon is characterized by the exponentially flattening of the cost
function landscape, so that the number of times the function must be evaluated
to perform the optimization grows exponentially as the number of qubits and
parameterization depth increase. In this article, we report on how the use of a
classical neural networks in the VQAs input parameters can alleviate the BP
phenomenon.
|
110,003 | 110,003 | Machine Learning Models Are Not Necessarily Biased When Constructed
Properly: Evidence from Neuroimaging Studies | Despite the great promise that machine learning has offered in many fields of
medicine, it has also raised concerns about potential biases and poor
generalization across genders, age distributions, races and ethnicities,
hospitals, and data acquisition equipment and protocols. In the current study,
and in the context of three brain diseases, we provide experimental data which
support that when properly trained, machine learning models can generalize well
across diverse conditions and do not suffer from biases. Specifically, by using
multi-study magnetic resonance imaging consortia for diagnosing Alzheimer's
disease, schizophrenia, and autism spectrum disorder, we find that, the
accuracy of well-trained models is consistent across different subgroups
pertaining to attributes such as gender, age, and racial groups, as also
different clinical studies. We find that models that incorporate multi-source
data from demographic, clinical, genetic factors and cognitive scores are also
unbiased. These models have better predictive accuracy across subgroups than
those trained only with structural measures in some cases but there are also
situations when these additional features do not help.
|
110,004 | 110,004 | Opinion Spam Detection: A New Approach Using Machine Learning and
Network-Based Algorithms | E-commerce is the fastest-growing segment of the economy. Online reviews play
a crucial role in helping consumers evaluate and compare products and services.
As a result, fake reviews (opinion spam) are becoming more prevalent and
negatively impacting customers and service providers. There are many reasons
why it is hard to identify opinion spammers automatically, including the
absence of reliable labeled data. This limitation precludes an off-the-shelf
application of a machine learning pipeline. We propose a new method for
classifying reviewers as spammers or benign, combining machine learning with a
message-passing algorithm that capitalizes on the users' graph structure to
compensate for the possible scarcity of labeled data. We devise a new way of
sampling the labels for the training step (active learning), replacing the
typical uniform sampling. Experiments on three large real-world datasets from
Yelp.com show that our method outperforms state-of-the-art active learning
approaches and also machine learning methods that use a much larger set of
labeled data for training.
|
110,005 | 110,005 | The Neuro-Symbolic Brain | Neural networks promote a distributed representation with no clear place for
symbols. Despite this, we propose that symbols are manufactured simply by
training a sparse random noise as a self-sustaining attractor in a feedback
spiking neural network. This way, we can generate many of what we shall call
prime attractors, and the networks that support them are like registers holding
a symbolic value, and we call them registers. Like symbols, prime attractors
are atomic and devoid of any internal structure. Moreover, the winner-take-all
mechanism naturally implemented by spiking neurons enables registers to recover
a prime attractor within a noisy signal. Using this faculty, when considering
two connected registers, an input one and an output one, it is possible to bind
in one shot using a Hebbian rule the attractor active on the output to the
attractor active on the input. Thus, whenever an attractor is active on the
input, it induces its bound attractor on the output; even though the signal
gets blurrier with more bindings, the winner-take-all filtering faculty can
recover the bound prime attractor. However, the capacity is still limited. It
is also possible to unbind in one shot, restoring the capacity taken by that
binding. This mechanism serves as a basis for working memory, turning prime
attractors into variables. Also, we use a random second-order network to
amalgamate the prime attractors held by two registers to bind the prime
attractor held by a third register to them in one shot, de facto implementing a
hash table. Furthermore, we introduce the register switch box composed of
registers to move the content of one register to another. Then, we use spiking
neurons to build a toy symbolic computer based on the above. The technics used
suggest ways to design extrapolating, reusable, sample-efficient deep learning
networks at the cost of structural priors.
|
110,006 | 110,006 | Principled Knowledge Extrapolation with GANs | Human can extrapolate well, generalize daily knowledge into unseen scenarios,
raise and answer counterfactual questions. To imitate this ability via
generative models, previous works have extensively studied explicitly encoding
Structural Causal Models (SCMs) into architectures of generator networks. This
methodology, however, limits the flexibility of the generator as they must be
carefully crafted to follow the causal graph, and demands a ground truth SCM
with strong ignorability assumption as prior, which is a nontrivial assumption
in many real scenarios. Thus, many current causal GAN methods fail to generate
high fidelity counterfactual results as they cannot easily leverage
state-of-the-art generative models. In this paper, we propose to study
counterfactual synthesis from a new perspective of knowledge extrapolation,
where a given knowledge dimension of the data distribution is extrapolated, but
the remaining knowledge is kept indistinguishable from the original
distribution. We show that an adversarial game with a closed-form discriminator
can be used to address the knowledge extrapolation problem, and a novel
principal knowledge descent method can efficiently estimate the extrapolated
distribution through the adversarial game. Our method enjoys both elegant
theoretical guarantees and superior performance in many scenarios.
|
110,007 | 110,007 | Mutual Information Divergence: A Unified Metric for Multimodal
Generative Models | Text-to-image generation and image captioning are recently emerged as a new
experimental paradigm to assess machine intelligence. They predict continuous
quantity accompanied by their sampling techniques in the generation, making
evaluation complicated and intractable to get marginal distributions. Based on
a recent trend that multimodal generative evaluations exploit a
vison-and-language pre-trained model, we propose the negative Gaussian
cross-mutual information using the CLIP features as a unified metric, coined by
Mutual Information Divergence (MID). To validate, we extensively compare it
with competing metrics using carefully-generated or human-annotated judgments
in text-to-image generation and image captioning tasks. The proposed MID
significantly outperforms the competitive methods by having consistency across
benchmarks, sample parsimony, and robustness toward the exploited CLIP model.
We look forward to seeing the underrepresented implications of the Gaussian
cross-mutual information in multimodal representation learning and the future
works based on this novel proposition.
|
110,008 | 110,008 | Variance-Aware Sparse Linear Bandits | It is well-known that the worst-case minimax regret for sparse linear bandits
is $\widetilde{\Theta}\left(\sqrt{dT}\right)$ where $d$ is the ambient
dimension and $T$ is the number of time steps (ignoring the dependency on
sparsity). On the other hand, in the benign setting where there is no noise and
the action set is the unit sphere, one can use divide-and-conquer to achieve an
$\widetilde{\mathcal O}(1)$ regret, which is (nearly) independent of $d$ and
$T$. In this paper, we present the first variance-aware regret guarantee for
sparse linear bandits: $\widetilde{\mathcal O}\left(\sqrt{d\sum_{t=1}^T
\sigma_t^2} + 1\right)$, where $\sigma_t^2$ is the variance of the noise at the
$t$-th time step. This bound naturally interpolates the regret bounds for the
worst-case constant-variance regime ($\sigma_t = \Omega(1)$) and the benign
deterministic regimes ($\sigma_t = 0$). To achieve this variance-aware regret
guarantee, we develop a general framework that converts any variance-aware
linear bandit algorithm to a variance-aware algorithm for sparse linear bandits
in a ``black-box'' manner. Specifically, we take two recent algorithms as black
boxes to illustrate that the claimed bounds indeed hold, where the first
algorithm can handle unknown-variance cases and the second one is more
efficient.
|
110,009 | 110,009 | Follow-the-Perturbed-Leader for Adversarial Markov Decision Processes
with Bandit Feedback | We consider regret minimization for Adversarial Markov Decision Processes
(AMDPs), where the loss functions are changing over time and adversarially
chosen, and the learner only observes the losses for the visited state-action
pairs (i.e., bandit feedback). While there has been a surge of studies on this
problem using Online-Mirror-Descent (OMD) methods, very little is known about
the Follow-the-Perturbed-Leader (FTPL) methods, which are usually
computationally more efficient and also easier to implement since it only
requires solving an offline planning problem. Motivated by this, we take a
closer look at FTPL for learning AMDPs, starting from the standard episodic
finite-horizon setting. We find some unique and intriguing difficulties in the
analysis and propose a workaround to eventually show that FTPL is also able to
achieve near-optimal regret bounds in this case. More importantly, we then find
two significant applications: First, the analysis of FTPL turns out to be
readily generalizable to delayed bandit feedback with order-optimal regret,
while OMD methods exhibit extra difficulties (Jin et al., 2022). Second, using
FTPL, we also develop the first no-regret algorithm for learning communicating
AMDPs in the infinite-horizon setting with bandit feedback and stochastic
transitions. Our algorithm is efficient assuming access to an offline planning
oracle, while even for the easier full-information setting, the only existing
algorithm (Chandrasekaran and Tewari, 2021) is computationally inefficient.
|
110,010 | 110,010 | Continual evaluation for lifelong learning: Identifying the stability
gap | Introducing a time dependency on the data generating distribution has proven
to be difficult for gradient-based training of neural networks, as the greedy
updates result in catastrophic forgetting of previous timesteps. Continual
learning aims to overcome the greedy optimization to enable continuous
accumulation of knowledge over time. The data stream is typically divided into
locally stationary distributions, called tasks, allowing task-based evaluation
on held-out data from the training tasks. Contemporary evaluation protocols and
metrics in continual learning are task-based and quantify the trade-off between
stability and plasticity only at task transitions. However, our empirical
evidence suggests that between task transitions significant, temporary
forgetting can occur, remaining unidentified in task-based evaluation.
Therefore, we propose a framework for continual evaluation that establishes
per-iteration evaluation and define a new set of metrics that enables
identifying the worst-case performance of the learner over its lifetime.
Performing continual evaluation, we empirically identify that replay suffers
from a stability gap: upon learning a new task, there is a substantial but
transient decrease in performance on past tasks. Further conceptual and
empirical analysis suggests not only replay-based, but also
regularization-based continual learning methods are prone to the stability gap.
|
110,011 | 110,011 | AutoTSG: Learning and Synthesis for Incident Troubleshooting | Incident management is a key aspect of operating large-scale cloud services.
To aid with faster and efficient resolution of incidents, engineering teams
document frequent troubleshooting steps in the form of Troubleshooting Guides
(TSGs), to be used by on-call engineers (OCEs). However, TSGs are siloed,
unstructured, and often incomplete, requiring developers to manually understand
and execute necessary steps. This results in a plethora of issues such as
on-call fatigue, reduced productivity, and human errors. In this work, we
conduct a large-scale empirical study of over 4K+ TSGs mapped to 1000s of
incidents and find that TSGs are widely used and help significantly reduce
mitigation efforts. We then analyze feedback on TSGs provided by 400+ OCEs and
propose a taxonomy of issues that highlights significant gaps in TSG quality.
To alleviate these gaps, we investigate the automation of TSGs and propose
AutoTSG -- a novel framework for automation of TSGs to executable workflows by
combining machine learning and program synthesis. Our evaluation of AutoTSG on
50 TSGs shows the effectiveness in both identifying TSG statements (accuracy
0.89) and parsing them for execution (precision 0.94 and recall 0.91). Lastly,
we survey ten Microsoft engineers and show the importance of TSG automation and
the usefulness of AutoTSG.
|
110,012 | 110,012 | SigMaNet: One Laplacian to Rule Them All | This paper introduces SigMaNet, a generalized Graph Convolutional Network
(GCN) capable of handling both undirected and directed graphs with weights not
restricted in sign and magnitude. The cornerstone of SigMaNet is the
introduction of a generalized Laplacian matrix: the Sign-Magnetic Laplacian
($L^\sigma$). The adoption of such a matrix allows us to bridge a gap in the
current literature by extending the theory of spectral GCNs to directed graphs
with both positive and negative weights. $L^{\sigma}$ exhibits several
desirable properties not enjoyed by the traditional Laplacian matrices on which
several state-of-the-art architectures are based. In particular, $L^\sigma$ is
completely parameter-free, which is not the case of Laplacian operators such as
the Magnetic Laplacian $L^{(q)}$, where the calibration of the parameter q is
an essential yet problematic component of the operator. $L^\sigma$ simplifies
the approach, while also allowing for a natural interpretation of the signs of
the edges in terms of their directions. The versatility of the proposed
approach is amply demonstrated experimentally; the proposed network SigMaNet
turns out to be competitive in all the tasks we considered, regardless of the
graph structure.
|
110,013 | 110,013 | FedAug: Reducing the Local Learning Bias Improves Federated Learning on
Heterogeneous Data | Federated Learning (FL) is a machine learning paradigm that learns from data
kept locally to safeguard the privacy of clients, whereas local SGD is
typically employed on the clients' devices to improve communication efficiency.
However, such a scheme is currently constrained by the slow and unstable
convergence induced by clients' heterogeneous data. In this work, we identify
three under-explored phenomena of the biased local learning that may explain
these challenges caused by local updates in supervised FL. As a remedy, we
propose FedAug, a novel unified algorithm that reduces the local learning bias
on features and classifiers to tackle these challenges. FedAug consists of two
components: AugMean and AugCA. AugMean alleviates the bias in the local
classifiers by balancing the output distribution of models. AugCA learns client
invariant features that are close to global features but considerably distinct
from those learned from other input distributions. In a series of experiments,
we show that FedAug consistently outperforms other SOTA FL and domain
generalization (DG) baselines, in which both two components (i.e., AugMean and
AugCA) have individual performance gains.
|
110,014 | 110,014 | Embed to Control Partially Observed Systems: Representation Learning
with Provable Sample Efficiency | Reinforcement learning in partially observed Markov decision processes
(POMDPs) faces two challenges. (i) It often takes the full history to predict
the future, which induces a sample complexity that scales exponentially with
the horizon. (ii) The observation and state spaces are often continuous, which
induces a sample complexity that scales exponentially with the extrinsic
dimension. Addressing such challenges requires learning a minimal but
sufficient representation of the observation and state histories by exploiting
the structure of the POMDP.
To this end, we propose a reinforcement learning algorithm named Embed to
Control (ETC), which learns the representation at two levels while optimizing
the policy.~(i) For each step, ETC learns to represent the state with a
low-dimensional feature, which factorizes the transition kernel. (ii) Across
multiple steps, ETC learns to represent the full history with a low-dimensional
embedding, which assembles the per-step feature. We integrate (i) and (ii) in a
unified framework that allows a variety of estimators (including maximum
likelihood estimators and generative adversarial networks). For a class of
POMDPs with a low-rank structure in the transition kernel, ETC attains an
$O(1/\epsilon^2)$ sample complexity that scales polynomially with the horizon
and the intrinsic dimension (that is, the rank). Here $\epsilon$ is the
optimality gap. To our best knowledge, ETC is the first sample-efficient
algorithm that bridges representation learning and policy optimization in
POMDPs with infinite observation and state spaces.
|
110,015 | 110,015 | Learning to Reconstruct Missing Data from Spatiotemporal Graphs with
Sparse Observations | Modeling multivariate time series as temporal signals over a (possibly
dynamic) graph is an effective representational framework that allows for
developing models for time series analysis. In fact, discrete sequences of
graphs can be processed by autoregressive graph neural networks to recursively
learn representations at each discrete point in time and space. Spatiotemporal
graphs are often highly sparse, with time series characterized by multiple,
concurrent, and even long sequences of missing data, e.g., due to the
unreliable underlying sensor network. In this context, autoregressive models
can be brittle and exhibit unstable learning dynamics. The objective of this
paper is, then, to tackle the problem of learning effective models to
reconstruct, i.e., impute, missing data points by conditioning the
reconstruction only on the available observations. In particular, we propose a
novel class of attention-based architectures that, given a set of highly sparse
discrete observations, learn a representation for points in time and space by
exploiting a spatiotemporal diffusion architecture aligned with the imputation
task. Representations are trained end-to-end to reconstruct observations w.r.t.
the corresponding sensor and its neighboring nodes. Compared to the state of
the art, our model handles sparse data without propagating prediction errors or
requiring a bidirectional model to encode forward and backward time
dependencies. Empirical results on representative benchmarks show the
effectiveness of the proposed method.
|
110,016 | 110,016 | DeepJoint: Robust Survival Modelling Under Clinical Presence Shift | Observational data in medicine arise as a result of the complex interaction
between patients and the healthcare system. The sampling process is often
highly irregular and itself constitutes an informative process. When using such
data to develop prediction models, this phenomenon is often ignored, leading to
sub-optimal performance and generalisability of models when practices evolve.
We propose a multi-task recurrent neural network which models three clinical
presence dimensions -- namely the longitudinal, the inter-observation and the
missingness processes -- in parallel to the survival outcome. On a prediction
task using MIMIC III laboratory tests, explicit modelling of these three
processes showed improved performance in comparison to state-of-the-art
predictive models (C-index at 1 day horizon: 0.878). More importantly, the
proposed approach was more robust to change in the clinical presence setting,
demonstrated by performance comparison between patients admitted on weekdays
and weekends. This analysis demonstrates the importance of studying and
leveraging clinical presence to improve performance and create more
transportable clinical models.
|
110,017 | 110,017 | SemAffiNet: Semantic-Affine Transformation for Point Cloud Segmentation | Conventional point cloud semantic segmentation methods usually employ an
encoder-decoder architecture, where mid-level features are locally aggregated
to extract geometric information. However, the over-reliance on these
class-agnostic local geometric representations may raise confusion between
local parts from different categories that are similar in appearance or
spatially adjacent. To address this issue, we argue that mid-level features can
be further enhanced with semantic information, and propose semantic-affine
transformation that transforms features of mid-level points belonging to
different categories with class-specific affine parameters. Based on this
technique, we propose SemAffiNet for point cloud semantic segmentation, which
utilizes the attention mechanism in the Transformer module to implicitly and
explicitly capture global structural knowledge within local parts for overall
comprehension of each category. We conduct extensive experiments on the
ScanNetV2 and NYUv2 datasets, and evaluate semantic-affine transformation on
various 3D point cloud and 2D image segmentation baselines, where both
qualitative and quantitative results demonstrate the superiority and
generalization ability of our proposed approach. Code is available at
https://github.com/wangzy22/SemAffiNet.
|
110,018 | 110,018 | Sparse Graph Learning for Spatiotemporal Time Series | Outstanding achievements of graph neural networks for spatiotemporal time
series prediction show that relational constraints introduce a positive
inductive bias into neural forecasting architectures. Often, however, the
relational information characterizing the underlying data generating process is
unavailable; the practitioner is then left with the problem of inferring from
data which relational graph to use in the subsequent processing stages. We
propose novel, principled -- yet practical -- probabilistic methods that learn
the relational dependencies by modeling distributions over graphs while
maximizing, at the same time, end-to-end the forecasting accuracy. Our novel
graph learning approach, based on consolidated variance reduction techniques
for Monte Carlo score-based gradient estimation, is theoretically grounded and
effective. We show that tailoring the gradient estimators to the graph learning
problem allows us also for achieving state-of-the-art forecasting performance
while controlling, at the same time, both the sparsity of the learned graph and
the computational burden. We empirically assess the effectiveness of the
proposed method on synthetic and real-world benchmarks, showing that the
proposed solution can be used as a stand-alone graph identification procedure
as well as a learned component of an end-to-end forecasting architecture.
|
110,019 | 110,019 | Mesoscopic modeling of hidden spiking neurons | Can we use spiking neural networks (SNN) as generative models of
multi-neuronal recordings, while taking into account that most neurons are
unobserved? Modeling the unobserved neurons with large pools of hidden spiking
neurons leads to severely underconstrained problems that are hard to tackle
with maximum likelihood estimation. In this work, we use coarse-graining and
mean-field approximations to derive a bottom-up, neuronally-grounded latent
variable model (neuLVM), where the activity of the unobserved neurons is
reduced to a low-dimensional mesoscopic description. In contrast to previous
latent variable models, neuLVM can be explicitly mapped to a recurrent,
multi-population SNN, giving it a transparent biological interpretation. We
show, on synthetic spike trains, that a few observed neurons are sufficient for
neuLVM to perform efficient model inversion of large SNNs, in the sense that it
can recover connectivity parameters, infer single-trial latent population
activity, reproduce ongoing metastable dynamics, and generalize when subjected
to perturbations mimicking photo-stimulation.
|
110,020 | 110,020 | Censored Quantile Regression Neural Networks | This paper considers doing quantile regression on censored data using neural
networks (NNs). This adds to the survival analysis toolkit by allowing direct
prediction of the target variable, along with a distribution-free
characterisation of uncertainty, using a flexible function approximator. We
begin by showing how an algorithm popular in linear models can be applied to
NNs. However, the resulting procedure is inefficient, requiring sequential
optimisation of an individual NN at each desired quantile. Our major
contribution is a novel algorithm that simultaneously optimises a grid of
quantiles output by a single NN. To offer theoretical insight into our
algorithm, we show firstly that it can be interpreted as a form of
expectation-maximisation, and secondly that it exhibits a desirable
`self-correcting' property. Experimentally, the algorithm produces quantiles
that are better calibrated than existing methods on 10 out of 12 real datasets.
|
110,021 | 110,021 | An Analytic Framework for Robust Training of Artificial Neural Networks | The reliability of a learning model is key to the successful deployment of
machine learning in various industries. Creating a robust model, particularly
one unaffected by adversarial attacks, requires a comprehensive understanding
of the adversarial examples phenomenon. However, it is difficult to describe
the phenomenon due to the complicated nature of the problems in machine
learning. Consequently, many studies investigate the phenomenon by proposing a
simplified model of how adversarial examples occur and validate it by
predicting some aspect of the phenomenon. While these studies cover many
different characteristics of the adversarial examples, they have not reached a
holistic approach to the geometric and analytic modeling of the phenomenon.
This paper propose a formal framework to study the phenomenon in learning
theory and make use of complex analysis and holomorphicity to offer a robust
learning rule for artificial neural networks. With the help of complex
analysis, we can effortlessly move between geometric and analytic perspectives
of the phenomenon and offer further insights on the phenomenon by revealing its
connection with harmonic functions. Using our model, we can explain some of the
most intriguing characteristics of adversarial examples, including
transferability of adversarial examples, and pave the way for novel approaches
to mitigate the effects of the phenomenon.
|
110,022 | 110,022 | Are Transformers Effective for Time Series Forecasting? | Recently, there has been a surge of Transformer-based solutions for the time
series forecasting (TSF) task, especially for the challenging long-term TSF
problem. Transformer architecture relies on self-attention mechanisms to
effectively extract the semantic correlations between paired elements in a long
sequence, which is permutation-invariant and anti-ordering to some extent.
However, in time series modeling, we are to extract the temporal relations
among an ordering set of continuous points. Consequently, whether
Transformer-based techniques are the right solutions for long-term time series
forecasting is an interesting problem to investigate, despite the performance
improvements shown in these studies. In this work, we question the validity of
Transformer-based TSF solutions. In their experiments, the compared
(non-Transformer) baselines are mainly autoregressive forecasting solutions,
which usually have a poor long-term prediction capability due to inevitable
error accumulation effects. In contrast, we use an embarrassingly simple
architecture named DLinear that conducts direct multi-step (DMS) forecasting
for comparison. DLinear decomposes the time series into a trend and a remainder
series and employs two one-layer linear networks to model these two series for
the forecasting task. Surprisingly, it outperforms existing complex
Transformer-based models in most cases by a large margin. Therefore, we
conclude that the relatively higher long-term forecasting accuracy of
Transformer-based TSF solutions shown in existing works has little to do with
the temporal relation extraction capabilities of the Transformer architecture.
Instead, it is mainly due to the non-autoregressive DMS forecasting strategy
used in them. We hope this study also advocates revisiting the validity of
Transformer-based solutions for other time series analysis tasks (e.g., anomaly
detection) in the future.
|
110,023 | 110,023 | A framework for overparameterized learning | An explanation for the success of deep neural networks is a central question
in theoretical machine learning. According to classical statistical learning,
the overparameterized nature of such models should imply a failure to
generalize. Many argue that good empirical performance is due to the implicit
regularization of first order optimization methods. In particular, the
Polyak-{\L}ojasiewicz condition leads to gradient descent finding a global
optimum that is close to initialization. In this work, we propose a framework
consisting of a prototype learning problem, which is general enough to cover
many popular problems and even the cases of infinitely wide neural networks and
infinite data. We then perform an analysis from the perspective of the
Polyak-{\L}ojasiewicz condition. We obtain theoretical results of independent
interest, concerning gradient descent on a composition $(f \circ F): G \to
\mathbb{R}$ of functions $F: G \to H$ and $f: H \to \mathbb{R}$ with $G, H$
being Hilbert spaces. Building on these results, we determine the properties
that have to be satisfied by the components of the prototype problem for
gradient descent to find a global optimum that is close to initialization. We
then demonstrate that supervised learning, variational autoencoders and
training with gradient penalty can be translated to the prototype problem.
Finally, we lay out a number of directions for future research.
|
110,024 | 110,024 | Pick up the PACE: Fast and Simple Domain Adaptation via Ensemble
Pseudo-Labeling | Domain Adaptation (DA) has received widespread attention from deep learning
researchers in recent years because of its potential to improve test accuracy
with out-of-distribution labeled data. Most state-of-the-art DA algorithms
require an extensive amount of hyperparameter tuning and are computationally
intensive due to the large batch sizes required. In this work, we propose a
fast and simple DA method consisting of three stages: (1) domain alignment by
covariance matching, (2) pseudo-labeling, and (3) ensembling. We call this
method $\textbf{PACE}$, for $\textbf{P}$seudo-labels, $\textbf{A}$lignment of
$\textbf{C}$ovariances, and $\textbf{E}$nsembles. PACE is trained on top of
fixed features extracted from an ensemble of modern pretrained backbones. PACE
exceeds previous state-of-the-art by $\textbf{5 - 10 \%}$ on most benchmark
adaptation tasks without training a neural network. PACE reduces training time
and hyperparameter tuning time by $82\%$ and $97\%$, respectively, when
compared to state-of-the-art DA methods. Code is released here:
https://github.com/Chris210634/PACE-Domain-Adaptation
|
110,025 | 110,025 | Green Hierarchical Vision Transformer for Masked Image Modeling | We present an efficient approach for Masked Image Modeling (MIM) with
hierarchical Vision Transformers (ViTs), e.g., Swin Transformer, allowing the
hierarchical ViTs to discard masked patches and operate only on the visible
ones. Our approach consists of two key components. First, for the window
attention, we design a Group Window Attention scheme following the
Divide-and-Conquer strategy. To mitigate the quadratic complexity of the
self-attention w.r.t. the number of patches, group attention encourages a
uniform partition that visible patches within each local window of arbitrary
size can be grouped with equal size, where masked self-attention is then
performed within each group. Second, we further improve the grouping strategy
via the Dynamic Programming algorithm to minimize the overall computation cost
of the attention on the grouped patches. As a result, MIM now can work on
hierarchical ViTs in a green and efficient way. For example, we can train the
hierarchical ViTs about 2.7$\times$ faster and reduce the GPU memory usage by
70%, while still enjoying competitive performance on ImageNet classification
and the superiority on downstream COCO object detection benchmarks. Code and
pre-trained models have been made publicly available at
https://github.com/LayneH/GreenMIM.
|
110,026 | 110,026 | Transfer learning driven design optimization for inertial confinement
fusion | Transfer learning is a promising approach to creating predictive models that
incorporate simulation and experimental data into a common framework. In this
technique, a neural network is first trained on a large database of
simulations, then partially retrained on sparse sets of experimental data to
adjust predictions to be more consistent with reality. Previously, this
technique has been used to create predictive models of Omega and NIF inertial
confinement fusion (ICF) experiments that are more accurate than simulations
alone. In this work, we conduct a transfer learning driven hypothetical ICF
campaign in which the goal is to maximize experimental neutron yield via
Bayesian optimization. The transfer learning model achieves yields within 5% of
the maximum achievable yield in a modest-sized design space in fewer than 20
experiments. Furthermore, we demonstrate that this method is more efficient at
optimizing designs than traditional model calibration techniques commonly
employed in ICF design. Such an approach to ICF design could enable robust
optimization of experimental performance under uncertainty.
|
110,027 | 110,027 | Discovering Policies with DOMiNO: Diversity Optimization Maintaining
Near Optimality | Finding different solutions to the same problem is a key aspect of
intelligence associated with creativity and adaptation to novel situations. In
reinforcement learning, a set of diverse policies can be useful for
exploration, transfer, hierarchy, and robustness. We propose DOMiNO, a method
for Diversity Optimization Maintaining Near Optimality. We formalize the
problem as a Constrained Markov Decision Process where the objective is to find
diverse policies, measured by the distance between the state occupancies of the
policies in the set, while remaining near-optimal with respect to the extrinsic
reward. We demonstrate that the method can discover diverse and meaningful
behaviors in various domains, such as different locomotion patterns in the
DeepMind Control Suite. We perform extensive analysis of our approach, compare
it with other multi-objective baselines, demonstrate that we can control both
the quality and the diversity of the set via interpretable hyperparameters, and
show that the discovered set is robust to perturbations.
|
110,028 | 110,028 | Kernel Ridgeless Regression is Inconsistent in Low Dimensions | We show that kernel interpolation for a large class of shift-invariant
kernels is inconsistent in fixed dimension, even with bandwidth adaptive to the
training set.
|
110,029 | 110,029 | Subspace clustering in high-dimensions: Phase transitions \&
Statistical-to-Computational gap | A simple model to study subspace clustering is the high-dimensional
$k$-Gaussian mixture model where the cluster means are sparse vectors. Here we
provide an exact asymptotic characterization of the statistically optimal
reconstruction error in this model in the high-dimensional regime with
extensive sparsity, i.e. when the fraction of non-zero components of the
cluster means $\rho$, as well as the ratio $\alpha$ between the number of
samples and the dimension are fixed, while the dimension diverges. We identify
the information-theoretic threshold below which obtaining a positive
correlation with the true cluster means is statistically impossible.
Additionally, we investigate the performance of the approximate message passing
(AMP) algorithm analyzed via its state evolution, which is conjectured to be
optimal among polynomial algorithm for this task. We identify in particular the
existence of a statistical-to-computational gap between the algorithm that
require a signal-to-noise ratio $\lambda_{\text{alg}} \ge k / \sqrt{\alpha} $
to perform better than random, and the information theoretic threshold at
$\lambda_{\text{it}} \approx \sqrt{-k \rho \log{\rho}} / \sqrt{\alpha}$.
Finally, we discuss the case of sub-extensive sparsity $\rho$ by comparing the
performance of the AMP with other sparsity-enhancing algorithms, such as
sparse-PCA and diagonal thresholding.
|
110,030 | 110,030 | TempoRL: Temporal Priors for Exploration in Off-Policy Reinforcement
Learning | Efficient exploration is a crucial challenge in deep reinforcement learning.
Several methods, such as behavioral priors, are able to leverage offline data
in order to efficiently accelerate reinforcement learning on complex tasks.
However, if the task at hand deviates excessively from the demonstrated task,
the effectiveness of such methods is limited. In our work, we propose to learn
features from offline data that are shared by a more diverse range of tasks,
such as correlation between actions and directedness. Therefore, we introduce
state-independent temporal priors, which directly model temporal consistency in
demonstrated trajectories, and are capable of driving exploration in complex
tasks, even when trained on data collected on simpler tasks. Furthermore, we
introduce a novel integration scheme for action priors in off-policy
reinforcement learning by dynamically sampling actions from a probabilistic
mixture of policy and action prior. We compare our approach against strong
baselines and provide empirical evidence that it can accelerate reinforcement
learning in long-horizon continuous control tasks under sparse reward settings.
|
110,031 | 110,031 | Semantic Parsing of Interpage Relations | Page-level analysis of documents has been a topic of interest in digitization
efforts, and multimodal approaches have been applied to both classification and
page stream segmentation. In this work, we focus on capturing finer semantic
relations between pages of a multi-page document. To this end, we formalize the
task as semantic parsing of interpage relations and we propose an end-to-end
approach for interpage dependency extraction, inspired by the dependency
parsing literature. We further design a multi-task training approach to jointly
optimize for page embeddings to be used in segmentation, classification, and
parsing of the page dependencies using textual and visual features extracted
from the pages. Moreover, we also combine the features from two modalities to
obtain multimodal page embeddings. To the best of our knowledge, this is the
first study to extract rich semantic interpage relations from multi-page
documents. Our experimental results show that the proposed method increased LAS
by 41 percentage points for semantic parsing, increased accuracy by 33
percentage points for page stream segmentation, and 45 percentage points for
page classification over a naive baseline.
|
110,032 | 110,032 | Training ReLU networks to high uniform accuracy is intractable | Statistical learning theory provides bounds on the necessary number of
training samples needed to reach a prescribed accuracy in a learning problem
formulated over a given target class. This accuracy is typically measured in
terms of a generalization error, that is, an expected value of a given loss
function. However, for several applications -- for example in a
security-critical context or for problems in the computational sciences --
accuracy in this sense is not sufficient. In such cases, one would like to have
guarantees for high accuracy on every input value, that is, with respect to the
uniform norm. In this paper we precisely quantify the number of training
samples needed for any conceivable training algorithm to guarantee a given
uniform accuracy on any learning problem formulated over target classes
containing (or consisting of) ReLU neural networks of a prescribed
architecture. We prove that, under very general assumptions, the minimal number
of training samples for this task scales exponentially both in the depth and
the input dimension of the network architecture. As a corollary we conclude
that the training of ReLU neural networks to high uniform accuracy is
intractable. In a security-critical context this points to the fact that deep
learning based systems are prone to being fooled by a possible adversary. We
corroborate our theoretical findings by numerical results.
|
110,033 | 110,033 | Selective Classification Via Neural Network Training Dynamics | Selective classification is the task of rejecting inputs a model would
predict incorrectly on through a trade-off between input space coverage and
model accuracy. Current methods for selective classification impose constraints
on either the model architecture or the loss function; this inhibits their
usage in practice. In contrast to prior work, we show that state-of-the-art
selective classification performance can be attained solely from studying the
(discretized) training dynamics of a model. We propose a general framework
that, for a given test input, monitors metrics capturing the disagreement with
the final predicted label over intermediate models obtained during training; we
then reject data points exhibiting too much disagreement at late stages in
training. In particular, we instantiate a method that tracks when the label
predicted during training stops disagreeing with the final predicted label. Our
experimental evaluation shows that our method achieves state-of-the-art
accuracy/coverage trade-offs on typical selective classification benchmarks.
For example, we improve coverage on CIFAR-10/SVHN by 10.1%/1.5% respectively at
a fixed target error of 0.5%.
|
110,034 | 110,034 | Verifying Learning-Based Robotic Navigation Systems | Deep reinforcement learning (DRL) has become a dominant deep-learning
paradigm for various tasks in which complex policies are learned within
reactive systems. In parallel, there has recently been significant research on
verifying deep neural networks. However, to date, there has been little work
demonstrating the use of modern verification tools on real, DRL-controlled
systems.
In this case-study paper, we attempt to begin bridging this gap, and focus on
the important task of mapless robotic navigation -- a classic robotics problem,
in which a robot, usually controlled by a DRL agent, needs to efficiently and
safely navigate through an unknown arena towards a desired target. We
demonstrate how modern verification engines can be used for effective model
selection, i.e., the process of selecting the best available policy for the
robot in question from a pool of candidate policies. Specifically, we use
verification to detect and rule out policies that may demonstrate suboptimal
behavior, such as collisions and infinite loops. We also apply verification to
identify models with overly conservative behavior, thus allowing users to
choose superior policies that are better at finding an optimal, shorter path to
a target.
To validate our work, we conducted extensive experiments on an actual robot,
and confirmed that the suboptimal policies detected by our method were indeed
flawed. We also compared our verification-driven approach to state-of-the-art
gradient attacks, and our results demonstrate that gradient-based methods are
inadequate in this setting.
Our work is the first to demonstrate the use of DNN verification backends for
recognizing suboptimal DRL policies in real-world robots, and for filtering out
unwanted policies. We believe that the methods presented in this work can be
applied to a large range of application domains that incorporate
deep-learning-based agents.
|
110,035 | 110,035 | Mitigating barren plateaus of variational quantum eigensolvers | Variational quantum algorithms (VQAs) are expected to establish valuable
applications on near-term quantum computers. However, recent works have pointed
out that the performance of VQAs greatly relies on the capability of the
ansatzes and is seriously limited by optimization issues such as barren
plateaus (i.e., vanishing gradients). This work proposes the state efficient
ansatz (SEA) for accurate quantum dynamics simulations with improved
trainability. First, we show that SEA can generate an arbitrary pure state with
much fewer parameters than a universal ansatz, making it efficient for tasks
like ground state estimation. It also has the flexibility in adjusting the
entanglement of the prepared state, which could be applied to further improve
the efficiency of simulating weak entanglement. Second, we show that SEA is not
a unitary 2-design even if it has universal wavefunction expressibility and
thus has great potential to improve the trainability by avoiding the zone of
barren plateaus. We further investigate a plethora of examples in ground state
estimation and notably obtain significant improvements in the variances of
derivatives and the overall optimization behaviors. This result indicates that
SEA can mitigate barren plateaus by sacrificing the redundant expressibility
for the target problem.
|
110,036 | 110,036 | Revealing the Dark Secrets of Masked Image Modeling | Masked image modeling (MIM) as pre-training is shown to be effective for
numerous vision downstream tasks, but how and where MIM works remain unclear.
In this paper, we compare MIM with the long-dominant supervised pre-trained
models from two perspectives, the visualizations and the experiments, to
uncover their key representational differences. From the visualizations, we
find that MIM brings locality inductive bias to all layers of the trained
models, but supervised models tend to focus locally at lower layers but more
globally at higher layers. That may be the reason why MIM helps Vision
Transformers that have a very large receptive field to optimize. Using MIM, the
model can maintain a large diversity on attention heads in all layers. But for
supervised models, the diversity on attention heads almost disappears from the
last three layers and less diversity harms the fine-tuning performance. From
the experiments, we find that MIM models can perform significantly better on
geometric and motion tasks with weak semantics or fine-grained classification
tasks, than their supervised counterparts. Without bells and whistles, a
standard MIM pre-trained SwinV2-L could achieve state-of-the-art performance on
pose estimation (78.9 AP on COCO test-dev and 78.0 AP on CrowdPose), depth
estimation (0.287 RMSE on NYUv2 and 1.966 RMSE on KITTI), and video object
tracking (70.7 SUC on LaSOT). For the semantic understanding datasets where the
categories are sufficiently covered by the supervised pre-training, MIM models
can still achieve highly competitive transfer performance. With a deeper
understanding of MIM, we hope that our work can inspire new and solid research
in this direction.
|
110,037 | 110,037 | Learning black- and gray-box chemotactic PDEs/closures from agent based
Monte Carlo simulation data | We propose a machine learning framework for the data-driven discovery of
macroscopic chemotactic Partial Differential Equations (PDEs) -- and the
closures that lead to them -- from high-fidelity, individual-based stochastic
simulations of E.coli bacterial motility. The fine scale, detailed, hybrid
(continuum - Monte Carlo) simulation model embodies the underlying biophysics,
and its parameters are informed from experimental observations of individual
cells. We exploit Automatic Relevance Determination (ARD) within a Gaussian
Process framework for the identification of a parsimonious set of collective
observables that parametrize the law of the effective PDEs. Using these
observables, in a second step we learn effective, coarse-grained "Keller-Segel
class" chemotactic PDEs using machine learning regressors: (a) (shallow)
feedforward neural networks and (b) Gaussian Processes. The learned laws can be
black-box (when no prior knowledge about the PDE law structure is assumed) or
gray-box when parts of the equation (e.g. the pure diffusion part) is known and
"hardwired" in the regression process. We also discuss data-driven corrections
(both additive and functional) of analytically known, approximate closures.
|
110,038 | 110,038 | Training and Inference on Any-Order Autoregressive Models the Right Way | Conditional inference on arbitrary subsets of variables is a core problem in
probabilistic inference with important applications such as masked language
modeling and image inpainting. In recent years, the family of Any-Order
Autoregressive Models (AO-ARMs) -- which includes popular models such as XLNet
-- has shown breakthrough performance in arbitrary conditional tasks across a
sweeping range of domains. But, in spite of their success, in this paper we
identify significant improvements to be made to previous formulations of
AO-ARMs. First, we show that AO-ARMs suffer from redundancy in their
probabilistic model, i.e., they define the same distribution in multiple
different ways. We alleviate this redundancy by training on a smaller set of
univariate conditionals that still maintains support for efficient arbitrary
conditional inference. Second, we upweight the training loss for univariate
conditionals that are evaluated more frequently during inference. Our method
leads to improved performance with no compromises on tractability, giving
state-of-the-art likelihoods in arbitrary conditional modeling on text (Text8),
image (CIFAR10, ImageNet32), and continuous tabular data domains.
|
110,039 | 110,039 | Unequal Covariance Awareness for Fisher Discriminant Analysis and Its
Variants in Classification | Fisher Discriminant Analysis (FDA) is one of the essential tools for feature
extraction and classification. In addition, it motivates the development of
many improved techniques based on the FDA to adapt to different problems or
data types. However, none of these approaches make use of the fact that the
assumption of equal covariance matrices in FDA is usually not satisfied in
practical situations. Therefore, we propose a novel classification rule for the
FDA that accounts for this fact, mitigating the effect of unequal covariance
matrices in the FDA. Furthermore, since we only modify the classification rule,
the same can be applied to many FDA variants, improving these algorithms
further. Theoretical analysis reveals that the new classification rule allows
the implicit use of the class covariance matrices while increasing the number
of parameters to be estimated by a small amount compared to going from FDA to
Quadratic Discriminant Analysis. We illustrate our idea via experiments, which
show the superior performance of the modified algorithms based on our new
classification rule compared to the original ones.
|
110,040 | 110,040 | Exploration, Exploitation, and Engagement in Multi-Armed Bandits with
Abandonment | Multi-armed bandit (MAB) is a classic model for understanding the
exploration-exploitation trade-off. The traditional MAB model for
recommendation systems assumes the user stays in the system for the entire
learning horizon. In new online education platforms such as ALEKS or new video
recommendation systems such as TikTok and YouTube Shorts, the amount of time a
user spends on the app depends on how engaging the recommended contents are.
Users may temporarily leave the system if the recommended items cannot engage
the users. To understand the exploration, exploitation, and engagement in these
systems, we propose a new model, called MAB-A where "A" stands for abandonment
and the abandonment probability depends on the current recommended item and the
user's past experience (called state). We propose two algorithms, ULCB and
KL-ULCB, both of which do more exploration (being optimistic) when the user
likes the previous recommended item and less exploration (being pessimistic)
when the user does not like the previous item. We prove that both ULCB and
KL-ULCB achieve logarithmic regret, $O(\log K)$, where $K$ is the number of
visits (or episodes). Furthermore, the regret bound under KL-ULCB is
asymptotically sharp. We also extend the proposed algorithms to the
general-state setting. Simulation results confirm our theoretical analysis and
show that the proposed algorithms have significantly lower regrets than the
traditional UCB and KL-UCB, and Q-learning-based algorithms.
|
110,041 | 110,041 | Learning Dialogue Representations from Consecutive Utterances | Learning high-quality dialogue representations is essential for solving a
variety of dialogue-oriented tasks, especially considering that dialogue
systems often suffer from data scarcity. In this paper, we introduce Dialogue
Sentence Embedding (DSE), a self-supervised contrastive learning method that
learns effective dialogue representations suitable for a wide range of dialogue
tasks. DSE learns from dialogues by taking consecutive utterances of the same
dialogue as positive pairs for contrastive learning. Despite its simplicity,
DSE achieves significantly better representation capability than other dialogue
representation and universal sentence representation models. We evaluate DSE on
five downstream dialogue tasks that examine dialogue representation at
different semantic granularities. Experiments in few-shot and zero-shot
settings show that DSE outperforms baselines by a large margin. For example, it
achieves 13 average performance improvement over the strongest unsupervised
baseline in 1-shot intent classification on 6 datasets. We also provide
analyses on the benefits and limitations of our model.
|
110,042 | 110,042 | Low-rank lottery tickets: finding efficient low-rank neural networks via
matrix differential equations | Neural networks have achieved tremendous success in a large variety of
applications. However, their memory footprint and computational demand can
render them impractical in application settings with limited hardware or energy
resources. In this work, we propose a novel algorithm to find efficient
low-rank subnetworks. Remarkably, these subnetworks are determined and adapted
already during the training phase and the overall time and memory resources
required by both training and evaluating them is significantly reduced. The
main idea is to restrict the weight matrices to a low-rank manifold and to
update the low-rank factors rather than the full matrix during training. To
derive training updates that are restricted to the prescribed manifold, we
employ techniques from dynamic model order reduction for matrix differential
equations. Moreover, our method automatically and dynamically adapts the ranks
during training to achieve a desired approximation accuracy. The efficiency of
the proposed method is demonstrated through a variety of numerical experiments
on fully-connected and convolutional networks.
|
110,043 | 110,043 | Efficient Approximation of Gromov-Wasserstein Distance using Importance
Sparsification | As a valid metric of metric-measure spaces, Gromov-Wasserstein (GW) distance
has shown the potential for the matching problems of structured data like point
clouds and graphs. However, its application in practice is limited due to its
high computational complexity. To overcome this challenge, we propose a novel
importance sparsification method, called Spar-GW, to approximate GW distance
efficiently. In particular, instead of considering a dense coupling matrix, our
method leverages a simple but effective sampling strategy to construct a sparse
coupling matrix and update it with few computations. We demonstrate that the
proposed Spar-GW method is applicable to the GW distance with arbitrary ground
cost, and it reduces the complexity from $\mathcal{O}(n^4)$ to
$\mathcal{O}(n^{2+\delta})$ for an arbitrary small $\delta>0$. In addition,
this method can be extended to approximate the variants of GW distance,
including the entropic GW distance, the fused GW distance, and the unbalanced
GW distance. Experiments show the superiority of our Spar-GW to
state-of-the-art methods in both synthetic and real-world tasks.
|
110,044 | 110,044 | Pruning has a disparate impact on model accuracy | Network pruning is a widely-used compression technique that is able to
significantly scale down overparameterized models with minimal loss of
accuracy. This paper shows that pruning may create or exacerbate disparate
impacts. The paper sheds light on the factors to cause such disparities,
suggesting differences in gradient norms and distance to decision boundary
across groups to be responsible for this critical issue. It analyzes these
factors in detail, providing both theoretical and empirical support, and
proposes a simple, yet effective, solution that mitigates the disparate impacts
caused by pruning.
|
110,045 | 110,045 | Predictor-corrector algorithms for stochastic optimization under gradual
distribution shift | Time-varying stochastic optimization problems frequently arise in machine
learning practice (e.g. gradual domain shift, object tracking, strategic
classification). Although most problems are solved in discrete time, the
underlying process is often continuous in nature. We exploit this underlying
continuity by developing predictor-corrector algorithms for time-varying
stochastic optimizations. We provide error bounds for the iterates, both in
presence of pure and noisy access to the queries from the relevant derivatives
of the loss function. Furthermore, we show (theoretically and empirically in
several examples) that our method outperforms non-predictor corrector methods
that do not exploit the underlying continuous process.
|
110,046 | 110,046 | Understanding new tasks through the lens of training data via
exponential tilting | Deploying machine learning models to new tasks is a major challenge despite
the large size of the modern training datasets. However, it is conceivable that
the training data can be reweighted to be more representative of the new
(target) task. We consider the problem of reweighing the training samples to
gain insights into the distribution of the target task. Specifically, we
formulate a distribution shift model based on the exponential tilt assumption
and learn train data importance weights minimizing the KL divergence between
labeled train and unlabeled target datasets. The learned train data weights can
then be used for downstream tasks such as target performance evaluation,
fine-tuning, and model selection. We demonstrate the efficacy of our method on
Waterbirds and Breeds benchmarks.
|
110,047 | 110,047 | Dynamic Network Reconfiguration for Entropy Maximization using Deep
Reinforcement Learning | A key problem in network theory is how to reconfigure a graph in order to
optimize a quantifiable objective. Given the ubiquity of networked systems,
such work has broad practical applications in a variety of situations, ranging
from drug and material design to telecommunications. The large decision space
of possible reconfigurations, however, makes this problem computationally
intensive. In this paper, we cast the problem of network rewiring for
optimizing a specified structural property as a Markov Decision Process (MDP),
in which a decision-maker is given a budget of modifications that are performed
sequentially. We then propose a general approach based on the Deep Q-Network
(DQN) algorithm and graph neural networks (GNNs) that can efficiently learn
strategies for rewiring networks. We then discuss a cybersecurity case study,
i.e., an application to the computer network reconfiguration problem for
intrusion protection. In a typical scenario, an attacker might have a (partial)
map of the system they plan to penetrate; if the network is effectively
"scrambled", they would not be able to navigate it since their prior knowledge
would become obsolete. This can be viewed as an entropy maximization problem,
in which the goal is to increase the surprise of the network. Indeed, entropy
acts as a proxy measurement of the difficulty of navigating the network
topology. We demonstrate the general ability of the proposed method to obtain
better entropy gains than random rewiring on synthetic and real-world graphs
while being computationally inexpensive, as well as being able to generalize to
larger graphs than those seen during training. Simulations of attack scenarios
confirm the effectiveness of the learned rewiring strategies.
|
110,048 | 110,048 | Learning in Feedback-driven Recurrent Spiking Neural Networks using
full-FORCE Training | Feedback-driven recurrent spiking neural networks (RSNNs) are powerful
computational models that can mimic dynamical systems. However, the presence of
a feedback loop from the readout to the recurrent layer de-stabilizes the
learning mechanism and prevents it from converging. Here, we propose a
supervised training procedure for RSNNs, where a second network is introduced
only during the training, to provide hint for the target dynamics. The proposed
training procedure consists of generating targets for both recurrent and
readout layers (i.e., for a full RSNN system). It uses the recursive least
square-based First-Order and Reduced Control Error (FORCE) algorithm to fit the
activity of each layer to its target. The proposed full-FORCE training
procedure reduces the amount of modifications needed to keep the error between
the output and target close to zero. These modifications control the feedback
loop, which causes the training to converge. We demonstrate the improved
performance and noise robustness of the proposed full-FORCE training procedure
to model 8 dynamical systems using RSNNs with leaky integrate and fire (LIF)
neurons and rate coding. For energy-efficient hardware implementation, an
alternative time-to-first-spike (TTFS) coding is implemented for the full-
FORCE training procedure. Compared to rate coding, full-FORCE with TTFS coding
generates fewer spikes and facilitates faster convergence to the target
dynamics.
|
110,049 | 110,049 | Evolution of beliefs in social networks | Evolution of beliefs of a society are a product of interactions between
people (horizontal transmission) in the society over generations (vertical
transmission). Researchers have studied both horizontal and vertical
transmission separately. Extending prior work, we propose a new theoretical
framework which allows application of tools from Markov chain theory to the
analysis of belief evolution via horizontal and vertical transmission. We
analyze three cases: static network, randomly changing network, and
homophily-based dynamic network. Whereas the former two assume network
structure is independent of beliefs, the latter assumes that people tend to
communicate with those who have similar beliefs. We prove under general
conditions that both static and randomly changing networks converge to a single
set of beliefs among all individuals along with the rate of convergence. We
prove that homophily-based network structures do not in general converge to a
single set of beliefs shared by all and prove lower bounds on the number of
different limiting beliefs as a function of initial beliefs. We conclude by
discussing implications for prior theories and directions for future work.
|
110,050 | 110,050 | Pessimism in the Face of Confounders: Provably Efficient Offline
Reinforcement Learning in Partially Observable Markov Decision Processes | We study offline reinforcement learning (RL) in partially observable Markov
decision processes. In particular, we aim to learn an optimal policy from a
dataset collected by a behavior policy which possibly depends on the latent
state. Such a dataset is confounded in the sense that the latent state
simultaneously affects the action and the observation, which is prohibitive for
existing offline RL algorithms. To this end, we propose the \underline{P}roxy
variable \underline{P}essimistic \underline{P}olicy \underline{O}ptimization
(\texttt{P3O}) algorithm, which addresses the confounding bias and the
distributional shift between the optimal and behavior policies in the context
of general function approximation. At the core of \texttt{P3O} is a coupled
sequence of pessimistic confidence regions constructed via proximal causal
inference, which is formulated as minimax estimation. Under a partial coverage
assumption on the confounded dataset, we prove that \texttt{P3O} achieves a
$n^{-1/2}$-suboptimality, where $n$ is the number of trajectories in the
dataset. To our best knowledge, \texttt{P3O} is the first provably efficient
offline RL algorithm for POMDPs with a confounded dataset.
|
110,051 | 110,051 | DRLComplex: Reconstruction of protein quaternary structures using deep
reinforcement learning | Predicted inter-chain residue-residue contacts can be used to build the
quaternary structure of protein complexes from scratch. However, only a small
number of methods have been developed to reconstruct protein quaternary
structures using predicted inter-chain contacts. Here, we present an
agent-based self-learning method based on deep reinforcement learning
(DRLComplex) to build protein complex structures using inter-chain contacts as
distance constraints. We rigorously tested DRLComplex on two standard datasets
of homodimeric and heterodimeric protein complexes (i.e., the CASP-CAPRI
homodimer and Std_32 heterodimer datasets) using both true and predicted
interchain contacts as inputs. Utilizing true contacts as input, DRLComplex
achieved high average TM-scores of 0.9895 and 0.9881 and a low average
interface RMSD (I_RMSD) of 0.2197 and 0.92 on the two datasets, respectively.
When predicted contacts are used, the method achieves TM-scores of 0.73 and
0.76 for homodimers and heterodimers, respectively. Our experiments find that
the accuracy of reconstructed quaternary structures depends on the accuracy of
the contact predictions. Compared to other optimization methods for
reconstructing quaternary structures from inter-chain contacts, DRLComplex
performs similar to an advanced gradient descent method and better than a
Markov Chain Monte Carlo simulation method and a simulated annealing-based
method, validating the effectiveness of DRLComplex for quaternary
reconstruction of protein complexes.
|
110,052 | 110,052 | VectorAdam for Rotation Equivariant Geometry Optimization | The rise of geometric problems in machine learning has necessitated the
development of equivariant methods, which preserve their output under the
action of rotation or some other transformation. At the same time, the Adam
optimization algorithm has proven remarkably effective across machine learning
and even traditional tasks in geometric optimization. In this work, we observe
that naively applying Adam to optimize vector-valued data is not rotation
equivariant, due to per-coordinate moment updates, and in fact this leads to
significant artifacts and biases in practice. We propose to resolve this
deficiency with VectorAdam, a simple modification which makes Adam
rotation-equivariant by accounting for the vector structure of optimization
variables. We demonstrate this approach on problems in machine learning and
traditional geometric optimization, showing that equivariant VectorAdam
resolves the artifacts and biases of traditional Adam when applied to
vector-valued data, with equivalent or even improved rates of convergence.
|
110,053 | 110,053 | MyoSuite -- A contact-rich simulation suite for musculoskeletal motor
control | Embodied agents in continuous control domains have had limited exposure to
tasks allowing to explore musculoskeletal properties that enable agile and
nimble behaviors in biological beings. The sophistication behind
neuro-musculoskeletal control can pose new challenges for the motor learning
community. At the same time, agents solving complex neural control problems
allow impact in fields such as neuro-rehabilitation, as well as
collaborative-robotics. Human biomechanics underlies complex
multi-joint-multi-actuator musculoskeletal systems. The sensory-motor system
relies on a range of sensory-contact rich and proprioceptive inputs that define
and condition muscle actuation required to exhibit intelligent behaviors in the
physical world. Current frameworks for musculoskeletal control do not support
physiological sophistication of the musculoskeletal systems along with physical
world interaction capabilities. In addition, they are neither embedded in
complex and skillful motor tasks nor are computationally effective and scalable
to study large-scale learning paradigms. Here, we present MyoSuite -- a suite
of physiologically accurate biomechanical models of elbow, wrist, and hand,
with physical contact capabilities, which allow learning of complex and
skillful contact-rich real-world tasks. We provide diverse motor-control
challenges: from simple postural control to skilled hand-object interactions
such as turning a key, twirling a pen, rotating two balls in one hand, etc. By
supporting physiological alterations in musculoskeletal geometry (tendon
transfer), assistive devices (exoskeleton assistance), and muscle contraction
dynamics (muscle fatigue, sarcopenia), we present real-life tasks with temporal
changes, thereby exposing realistic non-stationary conditions in our tasks
which most continuous control benchmarks lack.
|
110,054 | 110,054 | Consistent and fast inference in compartmental models of epidemics using
Poisson Approximate Likelihoods | Addressing the challenge of scaling-up epidemiological inference to complex
and heterogeneous models, we introduce Poisson Approximate Likelihood (PAL)
methods. In contrast to the popular ODE approach to compartmental modelling, in
which a large population limit is used to motivate a deterministic model, PALs
are derived from approximate filtering equations for finite-population,
stochastic compartmental models, and the large population limit drives the
consistency of maximum PAL estimators. Our theoretical results appear to be the
first likelihood-based parameter estimation consistency results applicable
across a broad class of partially observed stochastic compartmental models.
Compared to simulation-based methods such as Approximate Bayesian Computation
and Sequential Monte Carlo, PALs are simple to implement, involving only
elementary arithmetic operations and no tuning parameters; and fast to
evaluate, requiring no simulation from the model and having computational cost
independent of population size. Through examples, we demonstrate how PALs can
be: embedded within Delayed Acceptance Particle Markov Chain Monte Carlo to
facilitate Bayesian inference; used to fit an age-structured model of
influenza, taking advantage of automatic differentiation in Stan; and applied
to calibrate a spatial meta-population model of measles.
|
110,055 | 110,055 | Tensor Program Optimization with Probabilistic Programs | Automatic optimization for tensor programs becomes increasingly important as
we deploy deep learning in various environments, and efficient optimization
relies on a rich search space and effective search. Most existing efforts adopt
a search space which lacks the ability to efficiently enable domain experts to
grow the search space. This paper introduces MetaSchedule, a domain-specific
probabilistic programming language abstraction to construct a rich search space
of tensor programs. Our abstraction allows domain experts to analyze the
program, and easily propose stochastic choices in a modular way to compose
program transformation accordingly. We also build an end-to-end learning-driven
framework to find an optimized program for a given search space. Experimental
results show that MetaSchedule can cover the search space used in the
state-of-the-art tensor program optimization frameworks in a modular way.
Additionally, it empowers domain experts to conveniently grow the search space
and modularly enhance the system, which brings 48% speedup on end-to-end deep
learning workloads.
|
110,056 | 110,056 | Self-supervised Pretraining and Transfer Learning Enable Flu and
COVID-19 Predictions in Small Mobile Sensing Datasets | Detailed mobile sensing data from phones, watches, and fitness trackers offer
an unparalleled opportunity to quantify and act upon previously unmeasurable
behavioral changes in order to improve individual health and accelerate
responses to emerging diseases. Unlike in natural language processing and
computer vision, deep representation learning has yet to broadly impact this
domain, in which the vast majority of research and clinical applications still
rely on manually defined features and boosted tree models or even forgo
predictive modeling altogether due to insufficient accuracy. This is due to
unique challenges in the behavioral health domain, including very small
datasets (~10^1 participants), which frequently contain missing data, consist
of long time series with critical long-range dependencies (length>10^4), and
extreme class imbalances (>10^3:1). Here, we introduce a neural architecture
for multivariate time series classification designed to address these unique
domain challenges. Our proposed behavioral representation learning approach
combines novel tasks for self-supervised pretraining and transfer learning to
address data scarcity, and captures long-range dependencies across long-history
time series through transformer self-attention following convolutional neural
network-based dimensionality reduction. We propose an evaluation framework
aimed at reflecting expected real-world performance in plausible deployment
scenarios. Concretely, we demonstrate (1) performance improvements over
baselines of up to 0.15 ROC AUC across five prediction tasks, (2) transfer
learning-induced performance improvements of 16% PR AUC in small data
scenarios, and (3) the potential of transfer learning in novel disease
scenarios through an exploratory case study of zero-shot COVID-19 prediction in
an independent data set. Finally, we discuss potential implications for medical
surveillance testing.
|
110,057 | 110,057 | Circumventing Backdoor Defenses That Are Based on Latent Separability | Deep learning models are vulnerable to backdoor poisoning attacks. In
particular, adversaries can embed hidden backdoors into a model by only
modifying a very small portion of its training data. On the other hand, it has
also been commonly observed that backdoor poisoning attacks tend to leave a
tangible signature in the latent space of the backdoored model i.e. poison
samples and clean samples form two separable clusters in the latent space.
These observations give rise to the popularity of latent separability
assumption, which states that the backdoored DNN models will learn separable
latent representations for poison and clean populations. A number of popular
defenses (e.g. Spectral Signature, Activation Clustering, SCAn, etc.) are
exactly built upon this assumption. However, in this paper, we show that the
latent separation can be significantly suppressed via designing adaptive
backdoor poisoning attacks with more sophisticated poison strategies, which
consequently render state-of-the-art defenses based on this assumption less
effective (and often completely fail). More interestingly, we find that our
adaptive attacks can even evade some other typical backdoor defenses that do
not explicitly build on this separability assumption. Our results show that
adaptive backdoor poisoning attacks that can breach the latent separability
assumption should be seriously considered for evaluating existing and future
defenses.
|
110,058 | 110,058 | Emergent organization of receptive fields in networks of excitatory and
inhibitory neurons | Local patterns of excitation and inhibition that can generate neural waves
are studied as a computational mechanism underlying the organization of
neuronal tunings. Sparse coding algorithms based on networks of excitatory and
inhibitory neurons are proposed that exhibit topographic maps as the receptive
fields are adapted to input stimuli. Motivated by a leaky integrate-and-fire
model of neural waves, we propose an activation model that is more typical of
artificial neural networks. Computational experiments with the activation model
using both natural images and natural language text are presented. In the case
of images, familiar "pinwheel" patterns of oriented edge detectors emerge; in
the case of text, the resulting topographic maps exhibit a 2-dimensional
representation of granular word semantics. Experiments with a synthetic model
of somatosensory input are used to investigate how the network dynamics may
affect plasticity of neuronal maps under changes to the inputs.
|
110,059 | 110,059 | Fight Poison with Poison: Detecting Backdoor Poison Samples via
Decoupling Benign Correlations | In this work, we study poison samples detection for defending against
backdoor poisoning attacks on deep neural networks (DNNs). A principled idea
underlying prior arts on this problem is to utilize the backdoored models'
distinguishable behaviors on poison and clean populations to distinguish
between these two different populations themselves and remove the identified
poison. Many prior arts build their detectors upon a latent separability
assumption, which states that backdoored models trained on the poisoned dataset
will learn separable latent representations for backdoor and clean samples.
Although such separation behaviors empirically exist for many existing attacks,
there is no control on the separability and the extent of separation can vary a
lot across different poison strategies, datasets, as well as the training
configurations of backdoored models. Worse still, recent adaptive poison
strategies can greatly reduce the "distinguishable behaviors" and consequently
render most prior arts less effective (or completely fail). We point out that
these limitations directly come from the passive reliance on some
distinguishable behaviors that are not controlled by defenders. To mitigate
such limitations, in this work, we propose the idea of active defense -- rather
than passively assuming backdoored models will have certain distinguishable
behaviors on poison and clean samples, we propose to actively enforce the
trained models to behave differently on these two different populations.
Specifically, we introduce confusion training as a concrete instance of active
defense.
|
110,060 | 110,060 | Approximate Q-learning and SARSA(0) under the $\epsilon$-greedy Policy:
a Differential Inclusion Analysis | Q-learning and SARSA(0) with linear function approximation, under
$\epsilon$-greedy exploration, are leading methods to estimate the optimal
policy in Reinforcement Learning (RL). It has been empirically known that the
discontinuous nature of the greedy policies causes these algorithms to exhibit
complex phenomena such as i.) instability, ii.) policy oscillation and
chattering, iii.) multiple attractors, and iv.) worst policy convergence.
However, the literature lacks a formal recipe to explain these behaviors and
this has been a long-standing open problem (Sutton, 1999). Our work addresses
this by building the necessary mathematical framework using stochastic
recursive inclusions and Differential Inclusions (DIs). From this novel
viewpoint, our main result states that these approximate algorithms
asymptotically converge to suitable invariant sets of DIs instead of
differential equations, as is common elsewhere in RL. Furthermore, the nature
of these deterministic DIs completely governs the limiting behaviors of these
algorithms.
|
110,061 | 110,061 | Denial-of-Service Attack on Object Detection Model Using Universal
Adversarial Perturbation | Adversarial attacks against deep learning-based object detectors have been
studied extensively in the past few years. The proposed attacks aimed solely at
compromising the models' integrity (i.e., trustworthiness of the model's
prediction), while adversarial attacks targeting the models' availability, a
critical aspect in safety-critical domains such as autonomous driving, have not
been explored by the machine learning research community. In this paper, we
propose NMS-Sponge, a novel approach that negatively affects the decision
latency of YOLO, a state-of-the-art object detector, and compromises the
model's availability by applying a universal adversarial perturbation (UAP). In
our experiments, we demonstrate that the proposed UAP is able to increase the
processing time of individual frames by adding "phantom" objects while
preserving the detection of the original objects.
|
110,062 | 110,062 | Fairness in Recommendation: A Survey | As one of the most pervasive applications of machine learning, recommender
systems are playing an important role on assisting human decision making. The
satisfaction of users and the interests of platforms are closely related to the
quality of the generated recommendation results. However, as a highly
data-driven system, recommender system could be affected by data or algorithmic
bias and thus generate unfair results, which could weaken the reliance of the
systems. As a result, it is crucial to address the potential unfairness
problems in recommendation settings. Recently, there has been growing attention
on fairness considerations in recommender systems with more and more literature
on approaches to promote fairness in recommendation. However, the studies are
rather fragmented and lack a systematic organization, thus making it difficult
to penetrate for new researchers to the domain. This motivates us to provide a
systematic survey of existing works on fairness in recommendation. This survey
focuses on the foundations for fairness in recommendation literature. It first
presents a brief introduction about fairness in basic machine learning tasks
such as classification and ranking in order to provide a general overview of
fairness research, as well as introduce the more complex situations and
challenges that need to be considered when studying fairness in recommender
systems. After that, the survey will introduce fairness in recommendation with
a focus on the taxonomies of current fairness definitions, the typical
techniques for improving fairness, as well as the datasets for fairness studies
in recommendation. The survey also talks about the challenges and opportunities
in fairness research with the hope of promoting the fair recommendation
research area and beyond.
|
110,063 | 110,063 | Differentially Private Decoding in Large Language Models | Recent large-scale natural language processing (NLP) systems use a
pre-trained Large Language Model (LLM) on massive and diverse corpora as a
headstart. In practice, the pre-trained model is adapted to a wide array of
tasks via fine-tuning on task-specific datasets. LLMs, while effective, have
been shown to memorize instances of training data thereby potentially revealing
private information processed during pre-training. The potential leakage might
further propagate to the downstream tasks for which LLMs are fine-tuned. On the
other hand, privacy-preserving algorithms usually involve retraining from
scratch, which is prohibitively expensive for LLMs. In this work, we propose a
simple, easy to interpret, and computationally lightweight perturbation
mechanism to be applied to an already trained model at the decoding stage. Our
perturbation mechanism is model-agnostic and can be used in conjunction with
any LLM. We provide theoretical analysis showing that the proposed mechanism is
differentially private, and experimental results showing a privacy-utility
trade-off.
|
110,064 | 110,064 | A Hybrid Neural Autoencoder for Sensory Neuroprostheses and Its
Applications in Bionic Vision | Sensory neuroprostheses are emerging as a promising technology to restore
lost sensory function or augment human capacities. However, sensations elicited
by current devices often appear artificial and distorted. Although current
models can often predict the neural or perceptual response to an electrical
stimulus, an optimal stimulation strategy solves the inverse problem: what is
the required stimulus to produce a desired response? Here we frame this as an
end-to-end optimization problem, where a deep neural network encoder is trained
to invert a known, fixed forward model that approximates the underlying
biological system. As a proof of concept, we demonstrate the effectiveness of
our hybrid neural autoencoder (HNA) on the use case of visual neuroprostheses.
We found that HNA is able to produce high-fidelity stimuli from the MNIST and
COCO datasets that outperform conventional encoding strategies and surrogate
techniques across all tested conditions. Overall this is an important step
towards the long-standing challenge of restoring high-quality vision to people
living with incurable blindness and may prove a promising solution for a
variety of neuroprosthetic technologies.
|
110,065 | 110,065 | Faster Optimization on Sparse Graphs via Neural Reparametrization | In mathematical optimization, second-order Newton's methods generally
converge faster than first-order methods, but they require the inverse of the
Hessian, hence are computationally expensive. However, we discover that on
sparse graphs, graph neural networks (GNN) can implement an efficient
Quasi-Newton method that can speed up optimization by a factor of 10-100x. Our
method, neural reparametrization, modifies the optimization parameters as the
output of a GNN to reshape the optimization landscape. Using a precomputed
Hessian as the propagation rule, the GNN can effectively utilize the
second-order information, reaching a similar effect as adaptive gradient
methods. As our method solves optimization through architecture design, it can
be used in conjunction with any optimizers such as Adam and RMSProp. We show
the application of our method on scientifically relevant problems including
heat diffusion, synchronization and persistent homology.
|
110,066 | 110,066 | BagFlip: A Certified Defense against Data Poisoning | Machine learning models are vulnerable to data-poisoning attacks, in which an
attacker maliciously modifies the training set to change the prediction of a
learned model. In a trigger-less attack, the attacker can modify the training
set but not the test inputs, while in a backdoor attack the attacker can also
modify test inputs. Existing model-agnostic defense approaches either cannot
handle backdoor attacks or do not provide effective certificates (i.e., a proof
of a defense). We present BagFlip, a model-agnostic certified approach that can
effectively defend against both trigger-less and backdoor attacks. We evaluate
BagFlip on image classification and malware detection datasets. BagFlip is
equal to or more effective than the state-of-the-art approaches for
trigger-less attacks and more effective than the state-of-the-art approaches
for backdoor attacks.
|
110,067 | 110,067 | RIGID: Robust Linear Regression with Missing Data | We present a robust framework to perform linear regression with missing
entries in the features. By considering an elliptical data distribution, and
specifically a multivariate normal model, we are able to conditionally
formulate a distribution for the missing entries and present a robust
framework, which minimizes the worst case error caused by the uncertainty about
the missing data. We show that the proposed formulation, which naturally takes
into account the dependency between different variables, ultimately reduces to
a convex program, for which a customized and scalable solver can be delivered.
In addition to a detailed analysis to deliver such solver, we also asymptoticly
analyze the behavior of the proposed framework, and present technical
discussions to estimate the required input parameters. We complement our
analysis with experiments performed on synthetic, semi-synthetic, and real
data, and show how the proposed formulation improves the prediction accuracy
and robustness, and outperforms the competing techniques.
|
110,068 | 110,068 | Quark: Controllable Text Generation with Reinforced Unlearning | Large-scale language models often learn behaviors that are misaligned with
user expectations. Generated text may contain offensive or toxic language,
contain significant repetition, or be of a different sentiment than desired by
the user. We consider the task of unlearning these misalignments by fine-tuning
the language model on signals of what not to do. We introduce Quantized Reward
Konditioning (Quark), an algorithm for optimizing a reward function that
quantifies an (un)wanted property, while not straying too far from the original
model. Quark alternates between (i) collecting samples with the current
language model, (ii) sorting them into quantiles based on reward, with each
quantile identified by a reward token prepended to the language model's input,
and (iii) using a standard language modeling loss on samples from each quantile
conditioned on its reward token, while remaining nearby the original language
model via a KL-divergence penalty. By conditioning on a high-reward token at
generation time, the model generates text that exhibits less of the unwanted
property. For unlearning toxicity, negative sentiment, and repetition, our
experiments show that Quark outperforms both strong baselines and
state-of-the-art reinforcement learning methods like PPO (Schulman et al.
2017), while relying only on standard language modeling primitives.
|
110,069 | 110,069 | A Model Predictive Control Functional Continuous Time Bayesian Network
for Self-Management of Multiple Chronic Conditions | Multiple chronic conditions (MCC) are one of the biggest challenges of modern
times. The evolution of MCC follows a complex stochastic process that is
influenced by a variety of risk factors, ranging from pre-existing conditions
to modifiable lifestyle behavioral factors (e.g. diet, exercise habits, tobacco
use, alcohol use, etc.) to non-modifiable socio-demographic factors (e.g., age,
gender, education, marital status, etc.). People with MCC are at an increased
risk of new chronic conditions and mortality. This paper proposes a model
predictive control functional continuous time Bayesian network, an online
recursive method to examine the impact of various lifestyle behavioral changes
on the emergence trajectories of MCC and generate strategies to minimize the
risk of progression of chronic conditions in individual patients. The proposed
method is validated based on the Cameron county Hispanic cohort (CCHC) dataset,
which has a total of 385 patients. The dataset examines the emergence of 5
chronic conditions (diabetes, obesity, cognitive impairment, hyperlipidemia,
and hypertension) based on four modifiable risk factors representing lifestyle
behaviors (diet, exercise habits, tobacco use, alcohol use) and four
non-modifiable risk factors, including socio-demographic information (age,
gender, education, marital status). The proposed method is tested under
different scenarios (e.g., age group, the prior existence of MCC),
demonstrating the effective intervention strategies for improving the lifestyle
behavioral risk factors to offset MCC evolution.
|
110,070 | 110,070 | Learning to Reason with Neural Networks: Generalization, Unseen Data and
Boolean Measures | This paper considers the Pointer Value Retrieval (PVR) benchmark introduced
in [ZRKB21], where a 'reasoning' function acts on a string of digits to produce
the label. More generally, the paper considers the learning of logical
functions with gradient descent (GD) on neural networks. It is first shown that
in order to learn logical functions with gradient descent on symmetric neural
networks, the generalization error can be lower-bounded in terms of the
noise-stability of the target function, supporting a conjecture made in
[ZRKB21]. It is then shown that in the distribution shift setting, when the
data withholding corresponds to freezing a single feature (referred to as
canonical holdout), the generalization error of gradient descent admits a tight
characterization in terms of the Boolean influence for several relevant
architectures. This is shown on linear models and supported experimentally on
other models such as MLPs and Transformers. In particular, this puts forward
the hypothesis that for such architectures and for learning logical functions
such as PVR functions, GD tends to have an implicit bias towards low-degree
representations, which in turn gives the Boolean influence for the
generalization error under quadratic loss.
|
110,071 | 110,071 | A Unified Analysis of Federated Learning with Arbitrary Client
Participation | Federated learning (FL) faces challenges of intermittent client availability
and computation/communication efficiency. As a result, only a small subset of
clients can participate in FL at a given time. It is important to understand
how partial client participation affects convergence, but most existing works
have either considered idealized participation patterns or obtained results
with non-zero optimality error for generic patterns. In this paper, we provide
a unified convergence analysis for FL with arbitrary client participation. We
first introduce a generalized version of federated averaging (FedAvg) that
amplifies parameter updates at an interval of multiple FL rounds. Then, we
present a novel analysis that captures the effect of client participation in a
single term. By analyzing this term, we obtain convergence upper bounds for a
wide range of participation patterns, including both non-stochastic and
stochastic cases, which match either the lower bound of stochastic gradient
descent (SGD) or the state-of-the-art results in specific settings. We also
discuss various insights, recommendations, and experimental results.
|
110,072 | 110,072 | Mixed Federated Learning: Joint Decentralized and Centralized Learning | Federated learning (FL) enables learning from decentralized privacy-sensitive
data, with computations on raw data confined to take place at edge clients.
This paper introduces mixed FL, which incorporates an additional loss term
calculated at the coordinating server (while maintaining FL's private data
restrictions). There are numerous benefits. For example, additional datacenter
data can be leveraged to jointly learn from centralized (datacenter) and
decentralized (federated) training data and better match an expected inference
data distribution. Mixed FL also enables offloading some intensive computations
(e.g., embedding regularization) to the server, greatly reducing communication
and client computation load. For these and other mixed FL use cases, we present
three algorithms: PARALLEL TRAINING, 1-WAY GRADIENT TRANSFER, and 2-WAY
GRADIENT TRANSFER. We state convergence bounds for each, and give intuition on
which are suited to particular mixed FL problems. Finally we perform extensive
experiments on three tasks, demonstrating that mixed FL can blend training data
to achieve an oracle's accuracy on an inference distribution, and can reduce
communication and computation overhead by over 90%. Our experiments confirm
theoretical predictions of how algorithms perform under different mixed FL
problem settings.
|
110,073 | 110,073 | Contextual Adapters for Personalized Speech Recognition in Neural
Transducers | Personal rare word recognition in end-to-end Automatic Speech Recognition
(E2E ASR) models is a challenge due to the lack of training data. A standard
way to address this issue is with shallow fusion methods at inference time.
However, due to their dependence on external language models and the
deterministic approach to weight boosting, their performance is limited. In
this paper, we propose training neural contextual adapters for personalization
in neural transducer based ASR models. Our approach can not only bias towards
user-defined words, but also has the flexibility to work with pretrained ASR
models. Using an in-house dataset, we demonstrate that contextual adapters can
be applied to any general purpose pretrained ASR model to improve
personalization. Our method outperforms shallow fusion, while retaining
functionality of the pretrained models by not altering any of the model
weights. We further show that the adapter style training is superior to
full-fine-tuning of the ASR models on datasets with user-defined content.
|
110,074 | 110,074 | Explaining Preferences with Shapley Values | While preference modelling is becoming one of the pillars of machine
learning, the problem of preference explanation remains challenging and
underexplored. In this paper, we propose \textsc{Pref-SHAP}, a Shapley
value-based model explanation framework for pairwise comparison data. We derive
the appropriate value functions for preference models and further extend the
framework to model and explain \emph{context specific} information, such as the
surface type in a tennis game. To demonstrate the utility of
\textsc{Pref-SHAP}, we apply our method to a variety of synthetic and
real-world datasets and show that richer and more insightful explanations can
be obtained over the baseline.
|
110,075 | 110,075 | Transformer for Partial Differential Equations' Operator Learning | Data-driven learning of partial differential equations' solution operators
has recently emerged as a promising paradigm for approximating the underlying
solutions. The solution operators are usually parameterized by deep learning
models that are built upon problem-specific inductive biases. An example is a
convolutional or a graph neural network that exploits the local grid structure
where functions' values are sampled. The attention mechanism, on the other
hand, provides a flexible way to implicitly exploit the patterns within inputs,
and furthermore, relationship between arbitrary query locations and inputs. In
this work, we present an attention-based framework for data-driven operator
learning, which we term Operator Transformer (OFormer). Our framework is built
upon self-attention, cross-attention, and a set of point-wise multilayer
perceptrons (MLPs), and thus it makes few assumptions on the sampling pattern
of the input function or query locations. We show that the proposed framework
is competitive on standard benchmark problems and can flexibly be adapted to
randomly sampled input.
|
110,076 | 110,076 | Global Normalization for Streaming Speech Recognition in a Modular
Framework | We introduce the Globally Normalized Autoregressive Transducer (GNAT) for
addressing the label bias problem in streaming speech recognition. Our solution
admits a tractable exact computation of the denominator for the sequence-level
normalization. Through theoretical and empirical results, we demonstrate that
by switching to a globally normalized model, the word error rate gap between
streaming and non-streaming speech-recognition models can be greatly reduced
(by more than 50\% on the Librispeech dataset). This model is developed in a
modular framework which encompasses all the common neural speech recognition
models. The modularity of this framework enables controlled comparison of
modelling choices and creation of new models.
|
110,077 | 110,077 | Reinforcement Learning Approach for Mapping Applications to
Dataflow-Based Coarse-Grained Reconfigurable Array | The Streaming Engine (SE) is a Coarse-Grained Reconfigurable Array which
provides programming flexibility and high-performance with energy efficiency.
An application program to be executed on the SE is represented as a combination
of Synchronous Data Flow (SDF) graphs, where every instruction is represented
as a node. Each node needs to be mapped to the right slot and array in the SE
to ensure the correct execution of the program. This creates an optimization
problem with a vast and sparse search space for which finding a mapping
manually is impractical because it requires expertise and knowledge of the SE
micro-architecture. In this work we propose a Reinforcement Learning framework
with Global Graph Attention (GGA) module and output masking of invalid
placements to find and optimize instruction schedules. We use Proximal Policy
Optimization in order to train a model which places operations into the SE
tiles based on a reward function that models the SE device and its constraints.
The GGA module consists of a graph neural network and an attention module. The
graph neural network creates embeddings of the SDFs and the attention block is
used to model sequential operation placement. We show results on how certain
workloads are mapped to the SE and the factors affecting mapping quality. We
find that the addition of GGA, on average, finds 10% better instruction
schedules in terms of total clock cycles taken and masking improves reward
obtained by 20%.
|
110,078 | 110,078 | Fast variable selection makes scalable Gaussian process BSS-ANOVA a
speedy and accurate choice for tabular and time series regression | Gaussian processes (GPs) are non-parametric regression engines with a long
history. They are often overlooked in modern machine learning contexts because
of scalability issues: regression for traditional GP kernels are
$\mathcal{O}(N^3)$ where $N$ is the size of the dataset. One of a number of
scalable GP approaches is the Karhunen-Lo\'eve (KL) decomposed kernel
BSS-ANOVA, developed in 2009. It is $\mathcal{O}(NP)$ in training and
$\mathcal{O}(P)$ per point in prediction, where $P$ is the number of terms in
the ANOVA / KL expansion. A new method of forward variable selection, quickly
and effectively limits the number of terms, yielding a method with competitive
accuracies, training and inference times for large tabular datasets. The new
algorithm balances model fidelity with model complexity using Bayesian and
Akaike information criteria (BIC/AIC). The inference speed and accuracy makes
the method especially useful for modeling dynamic systems in a model-free
manner, by modeling the derivative in a dynamic system as a static problem,
then integrating the learned dynamics using a high-order scheme. The methods
are demonstrated on a `Susceptible, Infected, Recovered' (SIR) toy problem,
with the transmissibility used as forcing function, along with the `Cascaded
Tanks' benchmark dataset. Comparisons on the static prediction of derivatives
are made with a Random Forest and Residual Neural Network, while for the
timeseries prediction comparisons are made with LSTM and GRU recurrent neural
networks. The GP outperforms the other methods in all modeling tasks on
accuracy, while (in the case of the neural networks) performing many orders of
magnitude fewer calculations. For the SIR test, which involved prediction for a
set of forcing functions qualitatively different from those appearing in the
training set, the GP captured the correct dynamics while the neural networks
failed to do so.
|
110,079 | 110,079 | SeedGNN: Graph Neural Networks for Supervised Seeded Graph Matching | Recently, there have been significant interests in designing Graph Neural
Networks (GNNs) for seeded graph matching, which aims to match two (unlabeled)
graphs using only topological information and a small set of seeds. However,
most previous GNN architectures for seeded graph matching employ a
semi-supervised approach, which learns from only the seed set in a single pair
of graphs, and therefore does not attempt to learn from many training
examples/graphs to best match future unseen graphs. In contrast, this paper is
the first to propose a supervised approach for seeded graph matching, which had
so far only been used for seedless graph matching. Our proposed SeedGNN
architecture employs a number of novel design choices that are inspired by
theoretical studies of seeded graph matching. First, SeedGNN can easily learn
the capability of counting and using witnesses of different hops, in a way that
can be generalized to graphs with different sizes. Second, SeedGNN can use
easily-matched pairs as new seeds to percolate and match other nodes. We
evaluate SeedGNN on both synthetic and real graphs, and demonstrate significant
performance improvement over both non-learning and learning algorithms in the
existing literature. Further, our experiments confirm that the knowledge
learned by SeedGNN from training graphs can be generalized to test graphs with
different sizes and categories.
|
110,080 | 110,080 | Membership Inference Attack Using Self Influence Functions | Member inference (MI) attacks aim to determine if a specific data sample was
used to train a machine learning model. Thus, MI is a major privacy threat to
models trained on private sensitive data, such as medical records. In MI
attacks one may consider the black-box settings, where the model's parameters
and activations are hidden from the adversary, or the white-box case where they
are available to the attacker. In this work, we focus on the latter and present
a novel MI attack for it that employs influence functions, or more specifically
the samples' self-influence scores, to perform the MI prediction. We evaluate
our attack on CIFAR-10, CIFAR-100, and Tiny ImageNet datasets, using versatile
architectures such as AlexNet, ResNet, and DenseNet. Our attack method achieves
new state-of-the-art results for both training with and without data
augmentations. Code is available at
https://github.com/giladcohen/sif_mi_attack.
|
110,081 | 110,081 | Learning with Stochastic Orders | Learning high-dimensional distributions is often done with explicit
likelihood modeling or implicit modeling via minimizing integral probability
metrics (IPMs). In this paper, we expand this learning paradigm to stochastic
orders, namely, the convex or Choquet order between probability measures.
Towards this end, we introduce the Choquet-Toland distance between probability
measures, that can be used as a drop-in replacement for IPMs. We also introduce
the Variational Dominance Criterion (VDC) to learn probability measures with
dominance constraints, that encode the desired stochastic order between the
learned measure and a known baseline. We analyze both quantities and show that
they suffer from the curse of dimensionality and propose surrogates via input
convex maxout networks (ICMNs), that enjoy parametric rates. Finally, we
provide a min-max framework for learning with stochastic orders and validate it
experimentally on synthetic and high-dimensional image generation, with
promising results. The code is available at
https://github.com/yair-schiff/stochastic-orders-ICMN
|
110,082 | 110,082 | Asymptotic Convergence Rate and Statistical Inference for Stochastic
Sequential Quadratic Programming | We apply a stochastic sequential quadratic programming (StoSQP) algorithm to
solve constrained nonlinear optimization problems, where the objective is
stochastic and the constraints are deterministic. We study a fully stochastic
setup, where only a single sample is available in each iteration for estimating
the gradient and Hessian of the objective. We allow StoSQP to select a random
stepsize $\bar{\alpha}_t$ adaptively, such that $\beta_t\leq \bar{\alpha}_t
\leq \beta_t+\chi_t$, where $\beta_t$, $\chi_t=o(\beta_t)$ are prespecified
deterministic sequences. We also allow StoSQP to solve Newton system inexactly
via randomized iterative solvers, e.g., with the sketch-and-project method; and
we do not require the approximation error of inexact Newton direction to
vanish. For this general StoSQP framework, we establish the asymptotic
convergence rate for its last iterate, with the worst-case iteration complexity
as a byproduct; and we perform statistical inference. In particular, with
proper decaying $\beta_t,\chi_t$, we show that: (i) the StoSQP scheme can take
at most $O(1/\epsilon^4)$ iterations to achieve $\epsilon$-stationarity; (ii)
asymptotically and almost surely, $\|(x_t -x^\star, \lambda_t -
\lambda^\star)\| = O(\sqrt{\beta_t\log(1/\beta_t)})+O(\chi_t/\beta_t)$, where
$(x_t,\lambda_t)$ is the primal-dual StoSQP iterate; (iii) the sequence
$1/\sqrt{\beta_t}\cdot (x_t -x^\star, \lambda_t - \lambda^\star)$ converges to
a mean zero Gaussian distribution with a nontrivial covariance matrix.
Moreover, we establish the Berry-Esseen bound for $(x_t, \lambda_t)$ to measure
quantitatively the convergence of its distribution function. We also provide a
practical estimator for the covariance matrix, from which the confidence
intervals of $(x^\star, \lambda^\star)$ can be constructed using iterates
$\{(x_t,\lambda_t)\}_t$. Our theorems are validated using nonlinear problems in
CUTEst test set.
|
110,083 | 110,083 | Safety Aware Changepoint Detection for Piecewise i.i.d. Bandits | In this paper, we consider the setting of piecewise i.i.d. bandits under a
safety constraint. In this piecewise i.i.d. setting, there exists a finite
number of changepoints where the mean of some or all arms change
simultaneously. We introduce the safety constraint studied in
\citet{wu2016conservative} to this setting such that at any round the
cumulative reward is above a constant factor of the default action reward. We
propose two actively adaptive algorithms for this setting that satisfy the
safety constraint, detect changepoints, and restart without the knowledge of
the number of changepoints or their locations. We provide regret bounds for our
algorithms and show that the bounds are comparable to their counterparts from
the safe bandit and piecewise i.i.d. bandit literature. We also provide the
first matching lower bounds for this setting. Empirically, we show that our
safety-aware algorithms perform similarly to the state-of-the-art actively
adaptive algorithms that do not satisfy the safety constraint.
|
110,084 | 110,084 | FedAvg with Fine Tuning: Local Updates Lead to Representation Learning | The Federated Averaging (FedAvg) algorithm, which consists of alternating
between a few local stochastic gradient updates at client nodes, followed by a
model averaging update at the server, is perhaps the most commonly used method
in Federated Learning. Notwithstanding its simplicity, several empirical
studies have illustrated that the output model of FedAvg, after a few
fine-tuning steps, leads to a model that generalizes well to new unseen tasks.
This surprising performance of such a simple method, however, is not fully
understood from a theoretical point of view. In this paper, we formally
investigate this phenomenon in the multi-task linear representation setting. We
show that the reason behind generalizability of the FedAvg's output is its
power in learning the common data representation among the clients' tasks, by
leveraging the diversity among client data distributions via local updates. We
formally establish the iteration complexity required by the clients for proving
such result in the setting where the underlying shared representation is a
linear map. To the best of our knowledge, this is the first such result for any
setting. We also provide empirical evidence demonstrating FedAvg's
representation learning ability in federated image classification with
heterogeneous data.
|
110,085 | 110,085 | FedFormer: Contextual Federation with Attention in Reinforcement
Learning | A core issue in federated reinforcement learning is defining how to aggregate
insights from multiple agents into one. This is commonly done by taking the
average of each participating agent's model weights into one common model
(FedAvg). We instead propose FedFormer, a novel federation strategy that
utilizes Transformer Attention to contextually aggregate embeddings from models
originating from different learner agents. In so doing, we attentively weigh
contributions of other agents with respect to the current agent's environment
and learned relationships, thus providing more effective and efficient
federation. We evaluate our methods on the Meta-World environment and find that
our approach yields significant improvements over FedAvg and non-federated Soft
Actor Critique single agent methods. Our results compared to Soft Actor
Critique show that FedFormer performs better while still abiding by the privacy
constraints of federated learning. In addition, we demonstrate nearly linear
improvements in effectiveness with increased agent pools in certain tasks. This
is contrasted by FedAvg, which fails to make noticeable improvements when
scaled.
|
110,086 | 110,086 | Maximum Likelihood Training of Implicit Nonlinear Diffusion Models | Whereas diverse variations of diffusion models exist, expanding the linear
diffusion into a nonlinear diffusion process is investigated only by a few
works. The nonlinearity effect has been hardly understood, but intuitively,
there would be more promising diffusion patterns to optimally train the
generative distribution towards the data distribution. This paper introduces
such a data-adaptive and nonlinear diffusion process for score-based diffusion
models. The proposed Implicit Nonlinear Diffusion Model (INDM) learns the
nonlinear diffusion process by combining a normalizing flow and a diffusion
process. Specifically, INDM implicitly constructs a nonlinear diffusion on the
\textit{data space} by leveraging a linear diffusion on the \textit{latent
space} through a flow network. This flow network is the key to forming a
nonlinear diffusion as the nonlinearity fully depends on the flow network. This
flexible nonlinearity is what improves the learning curve of INDM to nearly MLE
training, compared against the non-MLE training of DDPM++, which turns out to
be a special case of INDM with the identity flow. Also, training the nonlinear
diffusion empirically yields a sampling-friendly latent diffusion that the
sample trajectory of INDM is closer to an optimal transport than the
trajectories of previous research. In experiments, INDM achieves the
state-of-the-art FID on CelebA.
|
110,087 | 110,087 | ES-GNN: Generalizing Graph Neural Networks Beyond Homophily with Edge
Splitting | Graph Neural Networks (GNNs) have achieved enormous success in tackling
analytical problems on graph data. Most GNNs interpret nearly all the node
connections as inductive bias with feature smoothness, and implicitly assume
strong homophily on the observed graph. However, real-world networks are not
always homophilic, but sometimes exhibit heterophilic patterns where adjacent
nodes share dissimilar attributes and distinct labels. Therefore,GNNs smoothing
the node proximity holistically may aggregate inconsistent information arising
from both task-relevant and irrelevant connections. In this paper, we propose a
novel edge splitting GNN (ES-GNN) framework, which generalizes GNNs beyond
homophily by jointly partitioning network topology and disentangling node
features. Specifically, the proposed framework employs an interpretable
operation to adaptively split the set of edges of the original graph into two
exclusive sets indicating respectively the task-relevant and irrelevant
relations among nodes. The node features are then aggregated separately on
these two partial edge sets to produce disentangled representations, based on
which a more accurate edge splitting can be attained later. Theoretically, we
show that our ES-GNN can be regarded as a solution to a graph denoising problem
with a disentangled smoothness assumption, which further illustrates our
motivations and interprets the improved generalization. Extensive experiments
over 8 benchmark and 1 synthetic datasets demonstrate that ES-GNN not only
outperforms the state-of-the-arts (including 8 GNN baselines), but also can be
more robust to adversarial graphs and alleviate the over-smoothing problem.
|
110,088 | 110,088 | Why So Pessimistic? Estimating Uncertainties for Offline RL through
Ensembles, and Why Their Independence Matters | Motivated by the success of ensembles for uncertainty estimation in
supervised learning, we take a renewed look at how ensembles of $Q$-functions
can be leveraged as the primary source of pessimism for offline reinforcement
learning (RL). We begin by identifying a critical flaw in a popular algorithmic
choice used by many ensemble-based RL algorithms, namely the use of shared
pessimistic target values when computing each ensemble member's Bellman error.
Through theoretical analyses and construction of examples in toy MDPs, we
demonstrate that shared pessimistic targets can paradoxically lead to value
estimates that are effectively optimistic. Given this result, we propose MSG, a
practical offline RL algorithm that trains an ensemble of $Q$-functions with
independently computed targets based on completely separate networks, and
optimizes a policy with respect to the lower confidence bound of predicted
action values. Our experiments on the popular D4RL and RL Unplugged offline RL
benchmarks demonstrate that on challenging domains such as antmazes, MSG with
deep ensembles surpasses highly well-tuned state-of-the-art methods by a wide
margin. Additionally, through ablations on benchmarks domains, we verify the
critical significance of using independently trained $Q$-functions, and study
the role of ensemble size. Finally, as using separate networks per ensemble
member can become computationally costly with larger neural network
architectures, we investigate whether efficient ensemble approximations
developed for supervised learning can be similarly effective, and demonstrate
that they do not match the performance and robustness of MSG with separate
networks, highlighting the need for new efforts into efficient uncertainty
estimation directed at RL.
|
110,089 | 110,089 | DP-PCA: Statistically Optimal and Differentially Private PCA | We study the canonical statistical task of computing the principal component
from $n$ i.i.d.~data in $d$ dimensions under
$(\varepsilon,\delta)$-differential privacy. Although extensively studied in
literature, existing solutions fall short on two key aspects: ($i$) even for
Gaussian data, existing private algorithms require the number of samples $n$ to
scale super-linearly with $d$, i.e., $n=\Omega(d^{3/2})$, to obtain non-trivial
results while non-private PCA requires only $n=O(d)$, and ($ii$) existing
techniques suffer from a non-vanishing error even when the randomness in each
data point is arbitrarily small. We propose DP-PCA, which is a single-pass
algorithm that overcomes both limitations. It is based on a private minibatch
gradient ascent method that relies on {\em private mean estimation}, which adds
minimal noise required to ensure privacy by adapting to the variance of a given
minibatch of gradients. For sub-Gaussian data, we provide nearly optimal
statistical error rates even for $n=\tilde O(d)$. Furthermore, we provide a
lower bound showing that sub-Gaussian style assumption is necessary in
obtaining the optimal error rate.
|
110,090 | 110,090 | Privacy of Noisy Stochastic Gradient Descent: More Iterations without
More Privacy Loss | A central issue in machine learning is how to train models on sensitive user
data. Industry has widely adopted a simple algorithm: Stochastic Gradient
Descent with noise (a.k.a. Stochastic Gradient Langevin Dynamics). However,
foundational theoretical questions about this algorithm's privacy loss remain
open -- even in the seemingly simple setting of smooth convex losses over a
bounded domain. Our main result resolves these questions: for a large range of
parameters, we characterize the differential privacy up to a constant factor.
This result reveals that all previous analyses for this setting have the wrong
qualitative behavior. Specifically, while previous privacy analyses increase ad
infinitum in the number of iterations, we show that after a small burn-in
period, running SGD longer leaks no further privacy.
Our analysis departs completely from previous approaches based on fast
mixing, instead using techniques based on optimal transport (namely, Privacy
Amplification by Iteration) and the Sampled Gaussian Mechanism (namely, Privacy
Amplification by Sampling). Our techniques readily extend to other settings,
e.g., strongly convex losses, non-uniform stepsizes, arbitrary batch sizes, and
random or cyclic choice of batches.
|
110,091 | 110,091 | Incorporating the Barzilai-Borwein Adaptive Step Size into Sugradient
Methods for Deep Network Training | In this paper, we incorporate the Barzilai-Borwein step size into gradient
descent methods used to train deep networks. This allows us to adapt the
learning rate using a two-point approximation to the secant equation which
quasi-Newton methods are based upon. Moreover, the adaptive learning rate
method presented here is quite general in nature and can be applied to widely
used gradient descent approaches such as Adagrad and RMSprop. We evaluate our
method using standard example network architectures on widely available
datasets and compare against alternatives elsewhere in the literature. In our
experiments, our adaptive learning rate shows a smoother and faster convergence
than that exhibited by the alternatives, with better or comparable performance.
|
110,092 | 110,092 | Hazard Gradient Penalty for Survival Analysis | Survival analysis appears in various fields such as medicine, economics,
engineering, and business. Recent studies showed that the Ordinary Differential
Equation (ODE) modeling framework unifies many existing survival models while
the framework is flexible and widely applicable. However, naively applying the
ODE framework to survival analysis problems may model fiercely changing density
function which may worsen the model's performance. Though we can apply L1 or L2
regularizers to the ODE model, their effect on the ODE modeling framework is
barely known. In this paper, we propose hazard gradient penalty (HGP) to
enhance the performance of a survival analysis model. Our method imposes
constraints on local data points by regularizing the gradient of hazard
function with respect to the data point. Our method applies to any survival
analysis model including the ODE modeling framework and is easy to implement.
We theoretically show that our method is related to minimizing the KL
divergence between the density function at a data point and that of the
neighborhood points. Experimental results on three public benchmarks show that
our approach outperforms other regularization methods.
|
110,093 | 110,093 | Off-Beat Multi-Agent Reinforcement Learning | We investigate model-free multi-agent reinforcement learning (MARL) in
environments where off-beat actions are prevalent, i.e., all actions have
pre-set execution durations. During execution durations, the environment
changes are influenced by, but not synchronised with, action execution. Such a
setting is ubiquitous in many real-world problems. However, most MARL methods
assume actions are executed immediately after inference, which is often
unrealistic and can lead to catastrophic failure for multi-agent coordination
with off-beat actions. In order to fill this gap, we develop an algorithmic
framework for MARL with off-beat actions. We then propose a novel episodic
memory, LeGEM, for model-free MARL algorithms. LeGEM builds agents' episodic
memories by utilizing agents' individual experiences. It boosts multi-agent
learning by addressing the challenging temporal credit assignment problem
raised by the off-beat actions via our novel reward redistribution scheme,
alleviating the issue of non-Markovian reward. We evaluate LeGEM on various
multi-agent scenarios with off-beat actions, including Stag-Hunter Game, Quarry
Game, Afforestation Game, and StarCraft II micromanagement tasks. Empirical
results show that LeGEM significantly boosts multi-agent coordination and
achieves leading performance and improved sample efficiency.
|
110,094 | 110,094 | Effective Abstract Reasoning with Dual-Contrast Network | As a step towards improving the abstract reasoning capability of machines, we
aim to solve Raven's Progressive Matrices (RPM) with neural networks, since
solving RPM puzzles is highly correlated with human intelligence. Unlike
previous methods that use auxiliary annotations or assume hidden rules to
produce appropriate feature representation, we only use the ground truth answer
of each question for model learning, aiming for an intelligent agent to have a
strong learning capability with a small amount of supervision. Based on the RPM
problem formulation, the correct answer filled into the missing entry of the
third row/column has to best satisfy the same rules shared between the first
two rows/columns. Thus we design a simple yet effective Dual-Contrast Network
(DCNet) to exploit the inherent structure of RPM puzzles. Specifically, a rule
contrast module is designed to compare the latent rules between the filled
row/column and the first two rows/columns; a choice contrast module is designed
to increase the relative differences between candidate choices. Experimental
results on the RAVEN and PGM datasets show that DCNet outperforms the
state-of-the-art methods by a large margin of 5.77%. Further experiments on few
training samples and model generalization also show the effectiveness of DCNet.
Code is available at https://github.com/visiontao/dcnet.
|
110,095 | 110,095 | Can Foundation Models Help Us Achieve Perfect Secrecy? | A key promise of machine learning is the ability to assist users with
personal tasks. Because the personal context required to make accurate
predictions is often sensitive, we require systems that protect privacy. A gold
standard privacy-preserving system will satisfy perfect secrecy, meaning that
interactions with the system provably reveal no additional private information
to adversaries. This guarantee should hold even as we perform multiple personal
tasks over the same underlying data. However, privacy and quality appear to be
in tension in existing systems for personal tasks. Neural models typically
require lots of training to perform well, while individual users typically hold
a limited scale of data, so the systems propose to learn from the aggregate
data of multiple users. This violates perfect secrecy and instead, in the last
few years, academics have defended these solutions using statistical notions of
privacy -- i.e., the probability of learning private information about a user
should be reasonably low. Given the vulnerabilities of these solutions, we
explore whether the strong perfect secrecy guarantee can be achieved using
recent zero-to-few sample adaptation techniques enabled by foundation models.
In response, we propose FOCUS, a framework for personal tasks. Evaluating on
popular privacy benchmarks, we find the approach, satisfying perfect secrecy,
competes with strong collaborative learning baselines on 6 of 7 tasks. We
empirically analyze the proposal, highlighting the opportunities and
limitations across task types, and model inductive biases and sizes.
|
110,096 | 110,096 | On Consistency in Graph Neural Network Interpretation | Uncovering rationales behind predictions of graph neural networks (GNNs) has
received increasing attention over recent years. Instance-level GNN explanation
aims to discover critical input elements, like nodes or edges, that the target
GNN relies upon for making predictions. These identified sub-structures can
provide interpretations of GNN's behavior. Though various algorithms are
proposed, most of them formalize this task by searching the minimal subgraph
which can preserve original predictions. An inductive bias is deep-rooted in
this framework: the same output cannot guarantee that two inputs are processed
under the same rationale. Consequently, they have the danger of providing
spurious explanations and fail to provide consistent explanations. Applying
them to explain weakly-performed GNNs would further amplify these issues. To
address the issues, we propose to obtain more faithful and consistent
explanations of GNNs. After a close examination on predictions of GNNs from the
causality perspective, we attribute spurious explanations to two typical
reasons: confounding effect of latent variables like distribution shift, and
causal factors distinct from the original input. Motivated by the observation
that both confounding effects and diverse causal rationales are encoded in
internal representations, we propose a simple yet effective countermeasure by
aligning embeddings. This new objective can be incorporated into existing GNN
explanation algorithms with no effort. We implement both a simplified version
based on absolute distance and a distribution-aware version based on anchors.
Experiments on $5$ datasets validate its effectiveness, and theoretical
analysis shows that it is in effect optimizing a more faithful explanation
objective in design, which further justifies the proposed approach.
|
110,097 | 110,097 | Subverting machines, fluctuating identities: Re-learning human
categorization | Most machine learning systems that interact with humans construct some notion
of a person's "identity," yet the default paradigm in AI research envisions
identity with essential attributes that are discrete and static. In stark
contrast, strands of thought within critical theory present a conception of
identity as malleable and constructed entirely through interaction; a doing
rather than a being. In this work, we distill some of these ideas for machine
learning practitioners and introduce a theory of identity as autopoiesis,
circular processes of formation and function. We argue that the default
paradigm of identity used by the field immobilizes existing identity categories
and the power differentials that co$\unicode{x2010}$occur, due to the absence
of iterative feedback to our models. This includes a critique of emergent AI
fairness practices that continue to impose the default paradigm. Finally, we
apply our theory to sketch approaches to autopoietic identity through
multilevel optimization and relational learning. While these ideas raise many
open questions, we imagine the possibilities of machines that are capable of
expressing human identity as a relationship perpetually in flux.
|
110,098 | 110,098 | Group GAN | Generating multivariate time series is a promising approach for sharing
sensitive data in many medical, financial, and IoT applications. A common type
of multivariate time series originates from a single source such as the
biometric measurements from a medical patient. This leads to complex dynamical
patterns between individual time series that are hard to learn by typical
generation models such as GANs. There is valuable information in those patterns
that machine learning models can use to better classify, predict or perform
other downstream tasks. We propose a novel framework that takes time series'
common origin into account and favors inter-channel relationship preservation.
The two key points of our method are: 1) the individual time series are
generated from a common point in latent space and 2) a central discriminator
favors the preservation of inter-channel dynamics. We demonstrate empirically
that our method helps preserve channel correlations and that our synthetic data
performs very well downstream tasks with medical and financial data.
|
110,099 | 110,099 | Generating personalized counterfactual interventions for algorithmic
recourse by eliciting user preferences | Counterfactual interventions are a powerful tool to explain the decisions of
a black-box decision process, and to enable algorithmic recourse. They are a
sequence of actions that, if performed by a user, can overturn an unfavourable
decision made by an automated decision system. However, most of the current
methods provide interventions without considering the user's preferences. For
example, a user might prefer doing certain actions with respect to others. In
this work, we present the first human-in-the-loop approach to perform
algorithmic recourse by eliciting user preferences. We introduce a polynomial
procedure to ask choice-set questions which maximize the Expected Utility of
Selection (EUS), and use it to iteratively refine our cost estimates in a
Bayesian setting. We integrate this preference elicitation strategy into a
reinforcement learning agent coupled with Monte Carlo Tree Search for efficient
exploration, so as to provide personalized interventions achieving algorithmic
recourse. An experimental evaluation on synthetic and real-world datasets shows
that a handful of queries allows to achieve a substantial reduction in the cost
of interventions with respect to user-independent alternatives.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.