Unnamed: 0
int64 0
5k
| title
stringlengths 9
210
| abstract
stringlengths 164
1.92k
|
---|---|---|
2,400 | Deep Surrogate Assisted Generation of Environments | Recent progress in reinforcement learning (RL) has started producing
generally capable agents that can solve a distribution of complex environments.
These agents are typically tested on fixed, human-authored environments. On the
other hand, quality diversity (QD) optimization has been proven to be an
effective component of environment generation algorithms, which can generate
collections of high-quality environments that are diverse in the resulting
agent behaviors. However, these algorithms require potentially expensive
simulations of agents on newly generated environments. We propose Deep
Surrogate Assisted Generation of Environments (DSAGE), a sample-efficient QD
environment generation algorithm that maintains a deep surrogate model for
predicting agent behaviors in new environments. Results in two benchmark
domains show that DSAGE significantly outperforms existing QD environment
generation algorithms in discovering collections of environments that elicit
diverse behaviors of a state-of-the-art RL agent and a planning agent. |
2,401 | Exploring Predictive States via Cantor Embeddings and Wasserstein Distance | Predictive states for stochastic processes are a nonparametric and
interpretable construct with relevance across a multitude of modeling
paradigms. Recent progress on the self-supervised reconstruction of predictive
states from time-series data focused on the use of reproducing kernel Hilbert
spaces. Here, we examine how Wasserstein distances may be used to detect
predictive equivalences in symbolic data. We compute Wasserstein distances
between distributions over sequences ("predictions"), using a
finite-dimensional embedding of sequences based on the Cantor for the
underlying geometry. We show that exploratory data analysis using the resulting
geometry via hierarchical clustering and dimension reduction provides insight
into the temporal structure of processes ranging from the relatively simple
(e.g., finite-state hidden Markov models) to the very complex (e.g.,
infinite-state indexed grammars). |
2,402 | ExpressivE: A Spatio-Functional Embedding For Knowledge Graph Completion | Knowledge graphs are inherently incomplete. Therefore substantial research
has been directed towards knowledge graph completion (KGC), i.e., predicting
missing triples from the information represented in the knowledge graph (KG).
Embedding models have yielded promising results for KGC, yet any current KGC
embedding model is incapable of: (1) fully capturing vital inference patterns
(e.g., composition), (2) capturing prominent logical rules jointly (e.g.,
hierarchy and composition), and (3) providing an intuitive interpretation of
captured patterns. In this work, we propose ExpressivE, a fully expressive
spatio-functional embedding model that solves all these challenges
simultaneously. ExpressivE embeds pairs of entities as points and relations as
hyper-parallelograms in the virtual triple space $\mathbb{R}^{2d}$. This model
design allows ExpressivE not only to capture a rich set of inference patterns
jointly but additionally to display any supported inference pattern through the
spatial relation of hyper-parallelograms, offering an intuitive and consistent
geometric interpretation of ExpressivE embeddings and their captured patterns.
Experimental results on standard KGC benchmarks reveal that ExpressivE is
competitive with state-of-the-art models and even significantly outperforms
them on WN18RR. |
2,403 | CCP: Correlated Clustering and Projection for Dimensionality Reduction | Most dimensionality reduction methods employ frequency domain representations
obtained from matrix diagonalization and may not be efficient for large
datasets with relatively high intrinsic dimensions. To address this challenge,
Correlated Clustering and Projection (CCP) offers a novel data domain strategy
that does not need to solve any matrix. CCP partitions high-dimensional
features into correlated clusters and then projects correlated features in each
cluster into a one-dimensional representation based on sample correlations.
Residue-Similarity (R-S) scores and indexes, the shape of data in Riemannian
manifolds, and algebraic topology-based persistent Laplacian are introduced for
visualization and analysis. Proposed methods are validated with benchmark
datasets associated with various machine learning algorithms. |
2,404 | RT-DNAS: Real-time Constrained Differentiable Neural Architecture Search for 3D Cardiac Cine MRI Segmentation | Accurately segmenting temporal frames of cine magnetic resonance imaging
(MRI) is a crucial step in various real-time MRI guided cardiac interventions.
To achieve fast and accurate visual assistance, there are strict requirements
on the maximum latency and minimum throughput of the segmentation framework.
State-of-the-art neural networks on this task are mostly hand-crafted to
satisfy these constraints while achieving high accuracy. On the other hand,
while existing literature have demonstrated the power of neural architecture
search (NAS) in automatically identifying the best neural architectures for
various medical applications, they are mostly guided by accuracy, sometimes
with computation complexity, and the importance of real-time constraints are
overlooked. A major challenge is that such constraints are non-differentiable
and are thus not compatible with the widely used differentiable NAS frameworks.
In this paper, we present a strategy that directly handles real-time
constraints in a differentiable NAS framework named RT-DNAS. Experiments on
extended 2017 MICCAI ACDC dataset show that compared with state-of-the-art
manually and automatically designed architectures, RT-DNAS is able to identify
ones with better accuracy while satisfying the real-time constraints. |
2,405 | Reinforced Inverse Scattering | Inverse wave scattering aims at determining the properties of an object using
data on how the object scatters incoming waves. In order to collect
information, sensors are put in different locations to send and receive waves
from each other. The choice of sensor positions and incident wave frequencies
determines the reconstruction quality of scatterer properties. This paper
introduces reinforcement learning to develop precision imaging that decides
sensor positions and wave frequencies adaptive to different scatterers in an
intelligent way, thus obtaining a significant improvement in reconstruction
quality with limited imaging resources. Extensive numerical results will be
provided to demonstrate the superiority of the proposed method over existing
methods. |
2,406 | Learning in Distributed Contextual Linear Bandits Without Sharing the Context | Contextual linear bandits is a rich and theoretically important model that
has many practical applications. Recently, this setup gained a lot of interest
in applications over wireless where communication constraints can be a
performance bottleneck, especially when the contexts come from a large
$d$-dimensional space. In this paper, we consider a distributed memoryless
contextual linear bandit learning problem, where the agents who observe the
contexts and take actions are geographically separated from the learner who
performs the learning while not seeing the contexts. We assume that contexts
are generated from a distribution and propose a method that uses $\approx 5d$
bits per context for the case of unknown context distribution and $0$ bits per
context if the context distribution is known, while achieving nearly the same
regret bound as if the contexts were directly observable. The former bound
improves upon existing bounds by a $\log(T)$ factor, where $T$ is the length of
the horizon, while the latter achieves information theoretical tightness. |
2,407 | VN-Transformer: Rotation-Equivariant Attention for Vector Neurons | Rotation equivariance is a desirable property in many practical applications
such as motion forecasting and 3D perception, where it can offer benefits like
sample efficiency, better generalization, and robustness to input
perturbations. Vector Neurons (VN) is a recently developed framework offering a
simple yet effective approach for deriving rotation-equivariant analogs of
standard machine learning operations by extending one-dimensional scalar
neurons to three-dimensional "vector neurons." We introduce a novel
"VN-Transformer" architecture to address several shortcomings of the current VN
models. Our contributions are: $(i)$ we derive a rotation-equivariant attention
mechanism which eliminates the need for the heavy feature preprocessing
required by the original Vector Neurons models; $(ii)$ we extend the VN
framework to support non-spatial attributes, expanding the applicability of
these models to real-world datasets; $(iii)$ we derive a rotation-equivariant
mechanism for multi-scale reduction of point-cloud resolution, greatly speeding
up inference and training; $(iv)$ we show that small tradeoffs in equivariance
($\epsilon$-approximate equivariance) can be used to obtain large improvements
in numerical stability and training robustness on accelerated hardware, and we
bound the propagation of equivariance violations in our models. Finally, we
apply our VN-Transformer to 3D shape classification and motion forecasting with
compelling results. |
2,408 | On Gradient Descent Convergence beyond the Edge of Stability | Gradient Descent (GD) is a powerful workhorse of modern machine learning
thanks to its scalability and efficiency in high-dimensional spaces. Its
ability to find local minimisers is only guaranteed for losses with Lipschitz
gradients, where it can be seen as a 'bona-fide' discretisation of an
underlying gradient flow. Yet, many ML setups involving overparametrised models
do not fall into this problem class, which has motivated research beyond the
so-called "Edge of Stability", where the step-size crosses the admissibility
threshold inversely proportional to the Lipschitz constant above. Perhaps
surprisingly, GD has been empirically observed to still converge regardless of
local instability. In this work, we study a local condition for such an
unstable convergence around a local minima in a low dimensional setting. We
then leverage these insights to establish global convergence of a two-layer
single-neuron ReLU student network aligning with the teacher neuron in a large
learning rate beyond the Edge of Stability under population loss. Meanwhile,
while the difference of norms of the two layers is preserved by gradient flow,
we show that GD above the edge of stability induces a balancing effect, leading
to the same norms across the layers. |
2,409 | CASS: Cross Architectural Self-Supervision for Medical Image Analysis | Recent advances in Deep Learning and Computer Vision have alleviated many of
the bottlenecks, allowing algorithms to be label-free with better performance.
Specifically, Transformers provide a global perspective of the image, which
Convolutional Neural Networks (CNN) lack by design. Here we present Cross
Architectural Self-Supervision, a novel self-supervised learning approach which
leverages transformers and CNN simultaneously, while also being computationally
accessible to general practitioners via easily available cloud services.
Compared to existing state-of-the-art self-supervised learning approaches, we
empirically show CASS trained CNNs, and Transformers gained an average of 8.5%
with 100% labelled data, 7.3% with 10% labelled data, and 11.5% with 1%
labelled data, across three diverse datasets. Notably, one of the employed
datasets included histopathology slides of an autoimmune disease, a topic
underrepresented in Medical Imaging and has minimal data. In addition, our
findings reveal that CASS is twice as efficient as other state-of-the-art
methods in terms of training time. The code is open source and is available on
GitHub. |
2,410 | Generative Adversarial Networks and Image-Based Malware Classification | For efficient malware removal, determination of malware threat levels, and
damage estimation, malware family classification plays a critical role. In this
paper, we extract features from malware executable files and represent them as
images using various approaches. We then focus on Generative Adversarial
Networks (GAN) for multiclass classification and compare our GAN results to
other popular machine learning techniques, including Support Vector Machine
(SVM), XGBoost, and Restricted Boltzmann Machines (RBM). We find that the
AC-GAN discriminator is generally competitive with other machine learning
techniques. We also evaluate the utility of the GAN generative model for
adversarial attacks on image-based malware detection. While AC-GAN generated
images are visually impressive, we find that they are easily distinguished from
real malware images using any of several learning techniques. This result
indicates that our GAN generated images would be of little value in adversarial
attacks. |
2,411 | Alternating Mirror Descent for Constrained Min-Max Games | In this paper we study two-player bilinear zero-sum games with constrained
strategy spaces. An instance of natural occurrences of such constraints is when
mixed strategies are used, which correspond to a probability simplex
constraint. We propose and analyze the alternating mirror descent algorithm, in
which each player takes turns to take action following the mirror descent
algorithm for constrained optimization. We interpret alternating mirror descent
as an alternating discretization of a skew-gradient flow in the dual space, and
use tools from convex optimization and modified energy function to establish an
$O(K^{-2/3})$ bound on its average regret after $K$ iterations. This
quantitatively verifies the algorithm's better behavior than the simultaneous
version of mirror descent algorithm, which is known to diverge and yields an
$O(K^{-1/2})$ average regret bound. In the special case of an unconstrained
setting, our results recover the behavior of alternating gradient descent
algorithm for zero-sum games which was studied in (Bailey et al., COLT 2020). |
2,412 | Ensembling Framework for Texture Extraction Techniques for Classification | In the past few years, texture-based classification problems have proven
their significance in many domains, from industrial inspection to
health-related applications. New techniques and CNN-based architectures have
been developed in recent years to solve texture-based classification problems.
The limitation of these approaches is that none of them claims to be the best
suited for all types of textures. Each technique has its advantage over a
specific texture type. To address this issue, we are proposing a framework that
combines existing techniques to extract texture features and displays better
results than the present ones. The proposed framework works well on the most of
the texture types, and in this framework, new techniques can also be added to
achieve better results than existing ones. We are also presenting the SOTA
results on FMD and KTH datasets by combining three existing techniques, using
the proposed framework. |
2,413 | A Comprehensive Survey of Graph-based Deep Learning Approaches for Anomaly Detection in Complex Distributed Systems | Anomaly detection is an important problem for complex distributed systems
consisting of hardware and software components. A thorough understanding of the
requirements and challenges of anomaly detection for such systems is pivotal to
the security of a system, especially for real-world deployment. While there
have been many diverse research areas and application domains that deal with
the problem, few have attempted to provide an in-depth look at such systems.
Most anomaly detection techniques have been specifically developed for certain
application domains, while others are more generic. In this survey, we explore
the significant potential of graph-based algorithms to identify and mitigate
different types of anomalies in complex distributed heterogeneous systems. Our
main focus is to provide an in-depth look at graphs when applied on
heterogeneous computing devices spread across complex distributed systems. This
study analyzes, compares, and contrasts the state-of-the-art research articles
in the field. First, we describe the characteristics of the real-world
distributed systems and their specific challenges of anomaly detection in such
complex networks, such as data and evaluation, nature of the anomalies, and
real-world requirements. Later, we discuss why graphs can be leveraged in such
systems and the benefits of utilizing graphs. Then we will aptly delve into the
state-of-the-art approaches and highlight their strength and weaknesses.
Finally, we evaluate and compare these approaches and point out the areas for
possible improvements. |
2,414 | TreeFlow: Going beyond Tree-based Gaussian Probabilistic Regression | The tree-based ensembles are known for their outstanding performance for
classification and regression problems characterized by feature vectors
represented by mixed-type variables from various ranges and domains. However,
considering regression problems, they are primarily designed to provide
deterministic responses or model the uncertainty of the output with a Gaussian
distribution. In this work, we introduce TreeFlow, the tree-based approach that
combines the benefits of using tree ensembles with capabilities of modeling
flexible probability distributions using normalizing flows. The main idea of
the solution is to use a tree-based model as a feature extractor and combine it
with a conditional variant of normalizing flow. Consequently, our approach is
capable of modeling complex distributions for the regression outputs. We
evaluate the proposed method on challenging regression benchmarks with varying
volume, feature characteristics, and target dimensionality. We obtain the SOTA
results on datasets with non-gaussian target distributions and competitive
results on gaussian ones compared to tree-based regression baselines. |
2,415 | Smart Meter Data Anomaly Detection using Variational Recurrent Autoencoders with Attention | In the digitization of energy systems, sensors and smart meters are
increasingly being used to monitor production, operation and demand. Detection
of anomalies based on smart meter data is crucial to identify potential risks
and unusual events at an early stage, which can serve as a reference for timely
initiation of appropriate actions and improving management. However, smart
meter data from energy systems often lack labels and contain noise and various
patterns without distinctively cyclical. Meanwhile, the vague definition of
anomalies in different energy scenarios and highly complex temporal
correlations pose a great challenge for anomaly detection. Many traditional
unsupervised anomaly detection algorithms such as cluster-based or
distance-based models are not robust to noise and not fully exploit the
temporal dependency in a time series as well as other dependencies amongst
multiple variables (sensors). This paper proposes an unsupervised anomaly
detection method based on a Variational Recurrent Autoencoder with attention
mechanism. with "dirty" data from smart meters, our method pre-detects missing
values and global anomalies to shrink their contribution while training. This
paper makes a quantitative comparison with the VAE-based baseline approach and
four other unsupervised learning methods, demonstrating its effectiveness and
superiority. This paper further validates the proposed method by a real case
study of detecting the anomalies of water supply temperature from an industrial
heating plant. |
2,416 | POODLE: Improving Few-shot Learning via Penalizing Out-of-Distribution Samples | In this work, we propose to use out-of-distribution samples, i.e., unlabeled
samples coming from outside the target classes, to improve few-shot learning.
Specifically, we exploit the easily available out-of-distribution samples to
drive the classifier to avoid irrelevant features by maximizing the distance
from prototypes to out-of-distribution samples while minimizing that of
in-distribution samples (i.e., support, query data). Our approach is simple to
implement, agnostic to feature extractors, lightweight without any additional
cost for pre-training, and applicable to both inductive and transductive
settings. Extensive experiments on various standard benchmarks demonstrate that
the proposed method consistently improves the performance of pretrained
networks with different architectures. |
2,417 | ESCHER: Eschewing Importance Sampling in Games by Computing a History Value Function to Estimate Regret | Recent techniques for approximating Nash equilibria in very large games
leverage neural networks to learn approximately optimal policies (strategies).
One promising line of research uses neural networks to approximate
counterfactual regret minimization (CFR) or its modern variants. DREAM, the
only current CFR-based neural method that is model free and therefore scalable
to very large games, trains a neural network on an estimated regret target that
can have extremely high variance due to an importance sampling term inherited
from Monte Carlo CFR (MCCFR). In this paper we propose an unbiased model-free
method that does not require any importance sampling. Our method, ESCHER, is
principled and is guaranteed to converge to an approximate Nash equilibrium
with high probability in the tabular case. We show that the variance of the
estimated regret of a tabular version of ESCHER with an oracle value function
is significantly lower than that of outcome sampling MCCFR and tabular DREAM
with an oracle value function. We then show that a deep learning version of
ESCHER outperforms the prior state of the art -- DREAM and neural fictitious
self play (NFSP) -- and the difference becomes dramatic as game size increases. |
2,418 | Diffusion probabilistic modeling of protein backbones in 3D for the motif-scaffolding problem | Construction of a scaffold structure that supports a desired motif,
conferring protein function, shows promise for the design of vaccines and
enzymes. But a general solution to this motif-scaffolding problem remains open.
Current machine-learning techniques for scaffold design are either limited to
unrealistically small scaffolds (up to length 20) or struggle to produce
multiple diverse scaffolds. We propose to learn a distribution over diverse and
longer protein backbone structures via an E(3)-equivariant graph neural
network. We develop SMCDiff to efficiently sample scaffolds from this
distribution conditioned on a given motif; our algorithm is the first to
theoretically guarantee conditional samples from a diffusion model in the
large-compute limit. We evaluate our designed backbones by how well they align
with AlphaFold2-predicted structures. We show that our method can (1) sample
scaffolds up to 80 residues and (2) achieve structurally diverse scaffolds for
a fixed motif. |
2,419 | Simplifying Polylogarithms with Machine Learning | Polylogrithmic functions, such as the logarithm or dilogarithm, satisfy a
number of algebraic identities. For the logarithm, all the identities follow
from the product rule. For the dilogarithm and higher-weight classical
polylogarithms, the identities can involve five functions or more. In many
calculations relevant to particle physics, complicated combinations of
polylogarithms often arise from Feynman integrals. Although the initial
expressions resulting from the integration usually simplify, it is often
difficult to know which identities to apply and in what order. To address this
bottleneck, we explore to what extent machine learning methods can help. We
consider both a reinforcement learning approach, where the identities are
analogous to moves in a game, and a transformer network approach, where the
problem is viewed analogously to a language-translation task. While both
methods are effective, the transformer network appears more powerful and holds
promise for practical use in symbolic manipulation tasks in mathematical
physics. |
2,420 | Deep Hierarchical Planning from Pixels | Intelligent agents need to select long sequences of actions to solve complex
tasks. While humans easily break down tasks into subgoals and reach them
through millions of muscle commands, current artificial intelligence is limited
to tasks with horizons of a few hundred decisions, despite large compute
budgets. Research on hierarchical reinforcement learning aims to overcome this
limitation but has proven to be challenging, current methods rely on manually
specified goal spaces or subtasks, and no general solution exists. We introduce
Director, a practical method for learning hierarchical behaviors directly from
pixels by planning inside the latent space of a learned world model. The
high-level policy maximizes task and exploration rewards by selecting latent
goals and the low-level policy learns to achieve the goals. Despite operating
in latent space, the decisions are interpretable because the world model can
decode goals into images for visualization. Director outperforms exploration
methods on tasks with sparse rewards, including 3D maze traversal with a
quadruped robot from an egocentric camera and proprioception, without access to
the global position or top-down view that was used by prior work. Director also
learns successful behaviors across a wide range of environments, including
visual control, Atari games, and DMLab levels. |
2,421 | Push--Pull with Device Sampling | We consider decentralized optimization problems in which a number of agents
collaborate to minimize the average of their local functions by exchanging over
an underlying communication graph. Specifically, we place ourselves in an
asynchronous model where only a random portion of nodes perform computation at
each iteration, while the information exchange can be conducted between all the
nodes and in an asymmetric fashion. For this setting, we propose an algorithm
that combines gradient tracking and variance reduction over the entire network.
This enables each node to track the average of the gradients of the objective
functions. Our theoretical analysis shows that the algorithm converges
linearly, when the local objective functions are strongly convex, under mild
connectivity conditions on the expected mixing matrices. In particular, our
result does not require the mixing matrices to be doubly stochastic. In the
experiments, we investigate a broadcast mechanism that transmits information
from computing nodes to their neighbors, and confirm the linear convergence of
our method on both synthetic and real-world datasets. |
2,422 | Likelihood-free Model Choice for Simulator-based Models with the Jensen--Shannon Divergence | Choice of appropriate structure and parametric dimension of a model in the
light of data has a rich history in statistical research, where the first
seminal approaches were developed in 1970s, such as the Akaike's and Schwarz's
model scoring criteria that were inspired by information theory and embodied
the rationale called Occam's razor. After those pioneering works, model choice
was quickly established as its own field of research, gaining considerable
attention in both computer science and statistics. However, to date, there have
been limited attempts to derive scoring criteria for simulator-based models
lacking a likelihood expression. Bayes factors have been considered for such
models, but arguments have been put both for and against use of them and around
issues related to their consistency. Here we use the asymptotic properties of
Jensen--Shannon divergence (JSD) to derive a consistent model scoring criterion
for the likelihood-free setting called JSD-Razor. Relationships of JSD-Razor
with established scoring criteria for the likelihood-based approach are
analyzed and we demonstrate the favorable properties of our criterion using
both synthetic and real modeling examples. |
2,423 | Words are all you need? Capturing human sensory similarity with textual descriptors | Recent advances in multimodal training use textual descriptions to
significantly enhance machine understanding of images and videos. Yet, it
remains unclear to what extent language can fully capture sensory experiences
across different modalities. A well-established approach for characterizing
sensory experiences relies on similarity judgments, namely, the degree to which
people perceive two distinct stimuli as similar. We explore the relation
between human similarity judgments and language in a series of large-scale
behavioral studies ($N=1,823$ participants) across three modalities (images,
audio, and video) and two types of text descriptors: simple word tags and
free-text captions. In doing so, we introduce a novel adaptive pipeline for tag
mining that is both efficient and domain-general. We show that our prediction
pipeline based on text descriptors exhibits excellent performance, and we
compare it against a comprehensive array of 611 baseline models based on
vision-, audio-, and video-processing architectures. We further show that the
degree to which textual descriptors and models predict human similarity varies
across and within modalities. Taken together, these studies illustrate the
value of integrating machine learning and cognitive science approaches to
better understand the similarities and differences between human and machine
representations. We present an interactive visualization at
https://words-are-all-you-need.s3.amazonaws.com/index.html for exploring the
similarity between stimuli as experienced by humans and different methods
reported in the paper. |
2,424 | What-Is and How-To for Fairness in Machine Learning: A Survey, Reflection, and Perspective | Algorithmic fairness has attracted increasing attention in the machine
learning community. Various definitions are proposed in the literature, but the
differences and connections among them are not clearly addressed. In this
paper, we review and reflect on various fairness notions previously proposed in
machine learning literature, and make an attempt to draw connections to
arguments in moral and political philosophy, especially theories of justice. We
also consider fairness inquiries from a dynamic perspective, and further
consider the long-term impact that is induced by current prediction and
decision. In light of the differences in the characterized fairness, we present
a flowchart that encompasses implicit assumptions and expected outcomes of
different types of fairness inquiries on the data generating process, on the
predicted outcome, and on the induced impact, respectively. This paper
demonstrates the importance of matching the mission (which kind of fairness one
would like to enforce) and the means (which spectrum of fairness analysis is of
interest, what is the appropriate analyzing scheme) to fulfill the intended
purpose. |
2,425 | Uplifting Bandits | We introduce a multi-armed bandit model where the reward is a sum of multiple
random variables, and each action only alters the distributions of some of
them. After each action, the agent observes the realizations of all the
variables. This model is motivated by marketing campaigns and recommender
systems, where the variables represent outcomes on individual customers, such
as clicks. We propose UCB-style algorithms that estimate the uplifts of the
actions over a baseline. We study multiple variants of the problem, including
when the baseline and affected variables are unknown, and prove sublinear
regret bounds for all of these. We also provide lower bounds that justify the
necessity of our modeling assumptions. Experiments on synthetic and real-world
datasets show the benefit of methods that estimate the uplifts over policies
that do not use this structure. |
2,426 | Sparse Fusion Mixture-of-Experts are Domain Generalizable Learners | Domain generalization (DG) aims at learning generalizable models under
distribution shifts to avoid redundantly overfitting massive training data.
Previous works with complex loss design and gradient constraint have not yet
led to empirical success on large-scale benchmarks. In this work, we reveal the
mixture-of-experts (MoE) model's generalizability on DG by leveraging to
distributively handle multiple aspects of the predictive features across
domains. To this end, we propose Sparse Fusion Mixture-of-Experts (SF-MoE),
which incorporates sparsity and fusion mechanisms into the MoE framework to
keep the model both sparse and predictive. SF-MoE has two dedicated modules: 1)
sparse block and 2) fusion block, which disentangle and aggregate the diverse
learned signals of an object, respectively. Extensive experiments demonstrate
that SF-MoE is a domain-generalizable learner on large-scale benchmarks. It
outperforms state-of-the-art counterparts by more than 2% across 5 large-scale
DG datasets (e.g., DomainNet), with the same or even lower computational costs.
We further reveal the internal mechanism of SF-MoE from distributed
representation perspective (e.g., visual attributes). We hope this framework
could facilitate future research to push generalizable object recognition to
the real world. Code and models are released at
https://github.com/Luodian/SF-MoE-DG. |
2,427 | STable: Table Generation Framework for Encoder-Decoder Models | The output structure of database-like tables, consisting of values structured
in horizontal rows and vertical columns identifiable by name, can cover a wide
range of NLP tasks. Following this constatation, we propose a framework for
text-to-table neural models applicable to problems such as extraction of line
items, joint entity and relation extraction, or knowledge base population. The
permutation-based decoder of our proposal is a generalized sequential method
that comprehends information from all cells in the table. The training
maximizes the expected log-likelihood for a table's content across all random
permutations of the factorization order. During the content inference, we
exploit the model's ability to generate cells in any order by searching over
possible orderings to maximize the model's confidence and avoid substantial
error accumulation, which other sequential models are prone to. Experiments
demonstrate a high practical value of the framework, which establishes
state-of-the-art results on several challenging datasets, outperforming
previous solutions by up to 15%. |
2,428 | Model-Based Reinforcement Learning Is Minimax-Optimal for Offline Zero-Sum Markov Games | This paper makes progress towards learning Nash equilibria in two-player
zero-sum Markov games from offline data. Specifically, consider a
$\gamma$-discounted infinite-horizon Markov game with $S$ states, where the
max-player has $A$ actions and the min-player has $B$ actions. We propose a
pessimistic model-based algorithm with Bernstein-style lower confidence bounds
-- called VI-LCB-Game -- that provably finds an $\varepsilon$-approximate Nash
equilibrium with a sample complexity no larger than
$\frac{C_{\mathsf{clipped}}^{\star}S(A+B)}{(1-\gamma)^{3}\varepsilon^{2}}$ (up
to some log factor). Here, $C_{\mathsf{clipped}}^{\star}$ is some unilateral
clipped concentrability coefficient that reflects the coverage and distribution
shift of the available data (vis-\`a-vis the target data), and the target
accuracy $\varepsilon$ can be any value within
$\big(0,\frac{1}{1-\gamma}\big]$. Our sample complexity bound strengthens prior
art by a factor of $\min\{A,B\}$, achieving minimax optimality for the entire
$\varepsilon$-range. An appealing feature of our result lies in algorithmic
simplicity, which reveals the unnecessity of variance reduction and sample
splitting in achieving sample optimality. |
2,429 | Neural Collapse: A Review on Modelling Principles and Generalization | With a recent observation of the "Neural Collapse (NC)" phenomena by Papyan
et al., various efforts have been made to model it and analyse the
implications. Neural collapse describes that in deep classifier networks, the
class features of the final hidden layer associated with training data tend to
collapse to the respective class feature means. Thus, simplifying the behaviour
of the last layer classifier to that of a nearest-class center decision rule.
In this work, we analyse the principles which aid in modelling such a phenomena
from the ground up and show how they can build a common understanding of the
recently proposed models that try to explain NC. We hope that our analysis
presents a multifaceted perspective on modelling NC and aids in forming
connections with the generalization capabilities of neural networks. Finally,
we conclude by discussing the avenues for further research and propose
potential research problems. |
2,430 | Resolving the Human Subjects Status of Machine Learning's Crowdworkers | In recent years, machine learning (ML) has come to rely more heavily on
crowdworkers, both for building bigger datasets and for addressing research
questions requiring human interaction or judgment. Owing to the diverse tasks
performed by crowdworkers, and the myriad ways the resulting datasets are used,
it can be difficult to determine when these individuals are best thought of as
workers, versus as human subjects. These difficulties are compounded by
conflicting policies, with some institutions and researchers treating all ML
crowdwork as human subjects research, and other institutions holding that ML
crowdworkers rarely constitute human subjects. Additionally, few ML papers
involving crowdwork mention IRB oversight, raising the prospect that many might
not be in compliance with ethical and regulatory requirements. In this paper,
we focus on research in natural language processing to investigate the
appropriate designation of crowdsourcing studies and the unique challenges that
ML research poses for research oversight. Crucially, under the U.S. Common
Rule, these judgments hinge on determinations of "aboutness", both whom (or
what) the collected data is about and whom (or what) the analysis is about. We
highlight two challenges posed by ML: (1) the same set of workers can serve
multiple roles and provide many sorts of information; and (2) compared to the
life sciences and social sciences, ML research tends to embrace a dynamic
workflow, where research questions are seldom stated ex ante and data sharing
opens the door for future studies to ask questions about different targets from
the original study. In particular, our analysis exposes a potential loophole in
the Common Rule, where researchers can elude research ethics oversight by
splitting data collection and analysis into distinct studies. We offer several
policy recommendations to address these concerns. |
2,431 | Scaleformer: Iterative Multi-scale Refining Transformers for Time Series Forecasting | The performance of time series forecasting has recently been greatly improved
by the introduction of transformers. In this paper, we propose a general
multi-scale framework that can be applied to state-of-the-art transformer-based
time series forecasting models including Autoformer and Informer. Using
iteratively refining a forecasted time series at multiple scales with shared
weights, architecture adaptations and a specially-designed normalization
scheme, we are able to achieve significant performance improvements with
minimal additional computational overhead. Via detailed ablation studies, we
demonstrate the effectiveness of our proposed architectural and methodological
innovations. Furthermore, our experiments on four public datasets show that the
proposed multi-scale framework outperforms the corresponding baselines with an
average improvement of 13% and 38% over Autoformer and Informer, respectively. |
2,432 | High-dimensional limit theorems for SGD: Effective dynamics and critical scaling | We study the scaling limits of stochastic gradient descent (SGD) with
constant step-size in the high-dimensional regime. We prove limit theorems for
the trajectories of summary statistics (i.e., finite-dimensional functions) of
SGD as the dimension goes to infinity. Our approach allows one to choose the
summary statistics that are tracked, the initialization, and the step-size. It
yields both ballistic (ODE) and diffusive (SDE) limits, with the limit
depending dramatically on the former choices. Interestingly, we find a critical
scaling regime for the step-size below which the effective ballistic dynamics
matches gradient flow for the population loss, but at which, a new correction
term appears which changes the phase diagram. About the fixed points of this
effective dynamics, the corresponding diffusive limits can be quite complex and
even degenerate. We demonstrate our approach on popular examples including
estimation for spiked matrix and tensor models and classification via two-layer
networks for binary and XOR-type Gaussian mixture models. These examples
exhibit surprising phenomena including multimodal timescales to convergence as
well as convergence to sub-optimal solutions with probability bounded away from
zero from random (e.g., Gaussian) initializations. |
2,433 | Accelerating Score-based Generative Models for High-Resolution Image Synthesis | Score-based generative models (SGMs) have recently emerged as a promising
class of generative models. The key idea is to produce high-quality images by
recurrently adding Gaussian noises and gradients to a Gaussian sample until
converging to the target distribution, a.k.a. the diffusion sampling. To ensure
stability of convergence in sampling and generation quality, however, this
sequential sampling process has to take a small step size and many sampling
iterations (e.g., 2000). Several acceleration methods have been proposed with
focus on low-resolution generation. In this work, we consider the acceleration
of high-resolution generation with SGMs, a more challenging yet more important
problem. We prove theoretically that this slow convergence drawback is
primarily due to the ignorance of the target distribution. Further, we
introduce a novel Target Distribution Aware Sampling (TDAS) method by
leveraging the structural priors in space and frequency domains. Extensive
experiments on CIFAR-10, CelebA, LSUN, and FFHQ datasets validate that TDAS can
consistently accelerate state-of-the-art SGMs, particularly on more challenging
high resolution (1024x1024) image generation tasks by up to 18.4x, whilst
largely maintaining the synthesis quality. With fewer sampling iterations, TDAS
can still generate good quality images. In contrast, the existing methods
degrade drastically or even fails completely |
2,434 | ReCo: A Dataset for Residential Community Layout Planning | Layout planning is centrally important in the field of architecture and urban
design. Among the various basic units carrying urban functions, residential
community plays a vital part for supporting human life. Therefore, the layout
planning of residential community has always been of concern, and has attracted
particular attention since the advent of deep learning that facilitates the
automated layout generation and spatial pattern recognition. However, the
research circles generally suffer from the insufficiency of residential
community layout benchmark or high-quality datasets, which hampers the future
exploration of data-driven methods for residential community layout planning.
The lack of datasets is largely due to the difficulties of large-scale
real-world residential data acquisition and long-term expert screening. In
order to address the issues and advance a benchmark dataset for various
intelligent spatial design and analysis applications in the development of
smart city, we introduce Residential Community Layout Planning (ReCo) Dataset,
which is the first and largest open-source vector dataset related to real-world
community to date. ReCo Dataset is presented in multiple data formats with
37,646 residential community layout plans, covering 598,728 residential
buildings with height information. ReCo can be conveniently adapted for
residential community layout related urban design tasks, e.g., generative
layout design, morphological pattern recognition and spatial evaluation. To
validate the utility of ReCo in automated residential community layout
planning, a Generative Adversarial Network (GAN) based generative model is
further applied to the dataset. We expect ReCo Dataset to inspire more creative
and practical work in intelligent design and beyond. The ReCo Dataset is
published at: https://www.kaggle.com/fdudsde/reco-dataset. |
2,435 | SYNERgy between SYNaptic consolidation and Experience Replay for general continual learning | Continual learning (CL) in the brain is facilitated by a complex set of
mechanisms. This includes the interplay of multiple memory systems for
consolidating information as posited by the complementary learning systems
(CLS) theory and synaptic consolidation for protecting the acquired knowledge
from erasure. Thus, we propose a general CL method that creates a synergy
between SYNaptic consolidation and dual memory Experience Replay (SYNERgy). Our
method maintains a semantic memory that accumulates and consolidates
information across the tasks and interacts with the episodic memory for
effective replay. It further employs synaptic consolidation by tracking the
importance of parameters during the training trajectory and anchoring them to
the consolidated parameters in the semantic memory. To the best of our
knowledge, our study is the first to employ dual memory experience replay in
conjunction with synaptic consolidation that is suitable for general CL whereby
the network does not utilize task boundaries or task labels during training or
inference. Our evaluation on various challenging CL scenarios and
characteristics analyses demonstrate the efficacy of incorporating both
synaptic consolidation and CLS theory in enabling effective CL in DNNs. |
2,436 | Robust Semantic Communications with Masked VQ-VAE Enabled Codebook | Although semantic communications have exhibited satisfactory performance for
a large number of tasks, the impact of semantic noise and the robustness of the
systems have not been well investigated. Semantic noise refers to the
misleading between the intended semantic symbols and received ones, thus cause
the failure of tasks. In this paper, we first propose a framework for the
robust end-to-end semantic communication systems to combat the semantic noise.
In particular, we analyze sample-dependent and sample-independent semantic
noise. To combat the semantic noise, the adversarial training with weight
perturbation is developed to incorporate the samples with semantic noise in the
training dataset. Then, we propose to mask a portion of the input, where the
semantic noise appears frequently, and design the masked vector
quantized-variational autoencoder (VQ-VAE) with the noise-related masking
strategy. We use a discrete codebook shared by the transmitter and the receiver
for encoded feature representation. To further improve the system robustness,
we develop a feature importance module (FIM) to suppress the noise-related and
task-unrelated features. Thus, the transmitter simply needs to transmit the
indices of these important task-related features in the codebook. Simulation
results show that the proposed method can be applied in many downstream tasks
and significantly improve the robustness against semantic noise with remarkable
reduction on the transmission overhead. |
2,437 | Few-Shot Audio-Visual Learning of Environment Acoustics | Room impulse response (RIR) functions capture how the surrounding physical
environment transforms the sounds heard by a listener, with implications for
various applications in AR, VR, and robotics. Whereas traditional methods to
estimate RIRs assume dense geometry and/or sound measurements throughout the
environment, we explore how to infer RIRs based on a sparse set of images and
echoes observed in the space. Towards that goal, we introduce a
transformer-based method that uses self-attention to build a rich acoustic
context, then predicts RIRs of arbitrary query source-receiver locations
through cross-attention. Additionally, we design a novel training objective
that improves the match in the acoustic signature between the RIR predictions
and the targets. In experiments using a state-of-the-art audio-visual simulator
for 3D environments, we demonstrate that our method successfully generates
arbitrary RIRs, outperforming state-of-the-art methods and--in a major
departure from traditional methods--generalizing to novel environments in a
few-shot manner. Project: http://vision.cs.utexas.edu/projects/fs_rir. |
2,438 | Patch-based Object-centric Transformers for Efficient Video Generation | In this work, we present Patch-based Object-centric Video Transformer (POVT),
a novel region-based video generation architecture that leverages
object-centric information to efficiently model temporal dynamics in videos. We
build upon prior work in video prediction via an autoregressive transformer
over the discrete latent space of compressed videos, with an added modification
to model object-centric information via bounding boxes. Due to better
compressibility of object-centric representations, we can improve training
efficiency by allowing the model to only access object information for longer
horizon temporal information. When evaluated on various difficult
object-centric datasets, our method achieves better or equal performance to
other video generation models, while remaining computationally more efficient
and scalable. In addition, we show that our method is able to perform
object-centric controllability through bounding box manipulation, which may aid
downstream tasks such as video editing, or visual planning. Samples are
available at https://sites.google.com/view/povt-public |
2,439 | Sharp-MAML: Sharpness-Aware Model-Agnostic Meta Learning | Model-agnostic meta learning (MAML) is currently one of the dominating
approaches for few-shot meta-learning. Albeit its effectiveness, the
optimization of MAML can be challenging due to the innate bilevel problem
structure. Specifically, the loss landscape of MAML is much more complex with
possibly more saddle points and local minimizers than its empirical risk
minimization counterpart. To address this challenge, we leverage the recently
invented sharpness-aware minimization and develop a sharpness-aware MAML
approach that we term Sharp-MAML. We empirically demonstrate that Sharp-MAML
and its computation-efficient variant can outperform popular existing MAML
baselines (e.g., $+12\%$ accuracy on Mini-Imagenet). We complement the
empirical study with the convergence rate analysis and the generalization bound
of Sharp-MAML. To the best of our knowledge, this is the first empirical and
theoretical study on sharpness-aware minimization in the context of bilevel
learning. The code is available at https://github.com/mominabbass/Sharp-MAML. |
2,440 | Neural Diffusion Processes | Gaussian processes provide an elegant framework for specifying prior and
posterior distributions over functions. They are, however, also computationally
expensive, and limited by the expressivity of their covariance function. We
propose Neural Diffusion Processes (NDPs), a novel approach based upon
diffusion models, that learn to sample from distributions over functions. Using
a novel attention block, we can incorporate properties of stochastic processes,
such as exchangeability, directly into the NDP's architecture. We empirically
show that NDPs are able to capture functional distributions that are close to
the true Bayesian posterior of a Gaussian process. This enables a variety of
downstream tasks, including hyperparameter marginalisation and Bayesian
optimisation. |
2,441 | How unfair is private learning ? | As machine learning algorithms are deployed on sensitive data in critical
decision making processes, it is becoming increasingly important that they are
also private and fair. In this paper, we show that, when the data has a
long-tailed structure, it is not possible to build accurate learning algorithms
that are both private and results in higher accuracy on minority
subpopulations. We further show that relaxing overall accuracy can lead to good
fairness even with strict privacy requirements. To corroborate our theoretical
results in practice, we provide an extensive set of experimental results using
a variety of synthetic, vision~(\cifar and CelebA), and tabular~(Law School)
datasets and learning algorithms. |
2,442 | Diffusion Curvature for Estimating Local Curvature in High Dimensional Data | We introduce a new intrinsic measure of local curvature on point-cloud data
called diffusion curvature. Our measure uses the framework of diffusion maps,
including the data diffusion operator, to structure point cloud data and define
local curvature based on the laziness of a random walk starting at a point or
region of the data. We show that this laziness directly relates to volume
comparison results from Riemannian geometry. We then extend this scalar
curvature notion to an entire quadratic form using neural network estimations
based on the diffusion map of point-cloud data. We show applications of both
estimations on toy data, single-cell data, and on estimating local Hessian
matrices of neural network loss landscapes. |
2,443 | Hidden Markov Models with Momentum | Momentum is a popular technique for improving convergence rates during
gradient descent. In this research, we experiment with adding momentum to the
Baum-Welch expectation-maximization algorithm for training Hidden Markov
Models. We compare discrete Hidden Markov Models trained with and without
momentum on English text and malware opcode data. The effectiveness of momentum
is determined by measuring the changes in model score and classification
accuracy due to momentum. Our extensive experiments indicate that adding
momentum to Baum-Welch can reduce the number of iterations required for initial
convergence during HMM training, particularly in cases where the model is slow
to converge. However, momentum does not seem to improve the final model
performance at a high number of iterations. |
2,444 | Classification of Stochastic Processes with Topological Data Analysis | In this study, we examine if engineered topological features can distinguish
time series sampled from different stochastic processes with different noise
characteristics, in both balanced and unbalanced sampling schemes. We compare
our classification results against the results of the same classification tasks
built on statistical and raw features. We conclude that in classification tasks
of time series, different machine learning models built on engineered
topological features perform consistently better than those built on standard
statistical and raw features. |
2,445 | Narrowing the Coordinate-frame Gap in Behavior Prediction Models: Distillation for Efficient and Accurate Scene-centric Motion Forecasting | Behavior prediction models have proliferated in recent years, especially in
the popular real-world robotics application of autonomous driving, where
representing the distribution over possible futures of moving agents is
essential for safe and comfortable motion planning. In these models, the choice
of coordinate frames to represent inputs and outputs has crucial trade offs
which broadly fall into one of two categories. Agent-centric models transform
inputs and perform inference in agent-centric coordinates. These models are
intrinsically invariant to translation and rotation between scene elements, are
best-performing on public leaderboards, but scale quadratically with the number
of agents and scene elements. Scene-centric models use a fixed coordinate
system to process all agents. This gives them the advantage of sharing
representations among all agents, offering efficient amortized inference
computation which scales linearly with the number of agents. However, these
models have to learn invariance to translation and rotation between scene
elements, and typically underperform agent-centric models. In this work, we
develop knowledge distillation techniques between probabilistic motion
forecasting models, and apply these techniques to close the gap in performance
between agent-centric and scene-centric models. This improves scene-centric
model performance by 13.2% on the public Argoverse benchmark, 7.8% on Waymo
Open Dataset and up to 9.4% on a large In-House dataset. These improved
scene-centric models rank highly in public leaderboards and are up to 15 times
more efficient than their agent-centric teacher counterparts in busy scenes. |
2,446 | FedHPO-B: A Benchmark Suite for Federated Hyperparameter Optimization | Hyperparameter optimization (HPO) is crucial for machine learning algorithms
to achieve satisfactory performance, whose progress has been boosted by related
benchmarks. Nonetheless, existing efforts in benchmarking all focus on HPO for
traditional centralized learning while ignoring federated learning (FL), a
promising paradigm for collaboratively learning models from dispersed data. In
this paper, we first identify some uniqueness of HPO for FL algorithms from
various aspects. Due to this uniqueness, existing HPO benchmarks no longer
satisfy the need to compare HPO methods in the FL setting. To facilitate the
research of HPO in the FL setting, we propose and implement a benchmark suite
FedHPO-B that incorporates comprehensive FL tasks, enables efficient function
evaluations, and eases continuing extensions. We also conduct extensive
experiments based on FedHPO-B to benchmark a few HPO methods. We open-source
FedHPO-B at
https://github.com/alibaba/FederatedScope/tree/master/benchmark/FedHPOB. |
2,447 | Predict better with less training data using a QNN | Over the past decade, machine learning revolutionized vision-based quality
assessment for which convolutional neural networks (CNNs) have now become the
standard. In this paper, we consider a potential next step in this development
and describe a quanvolutional neural network (QNN) algorithm that efficiently
maps classical image data to quantum states and allows for reliable image
analysis. We practically demonstrate how to leverage quantum devices in
computer vision and how to introduce quantum convolutions into classical CNNs.
Dealing with a real world use case in industrial quality control, we implement
our hybrid QNN model within the PennyLane framework and empirically observe it
to achieve better predictions using much fewer training data than classical
CNNs. In other words, we empirically observe a genuine quantum advantage for an
industrial application where the advantage is due to superior data encoding. |
2,448 | Out-of-Distribution Detection with Class Ratio Estimation | Density-based Out-of-distribution (OOD) detection has recently been shown
unreliable for the task of detecting OOD images. Various density ratio based
approaches achieve good empirical performance, however methods typically lack a
principled probabilistic modelling explanation. In this work, we propose to
unify density ratio based methods under a novel framework that builds
energy-based models and employs differing base distributions. Under our
framework, the density ratio can be viewed as the unnormalized density of an
implicit semantic distribution. Further, we propose to directly estimate the
density ratio of a data sample through class ratio estimation. We report
competitive results on OOD image problems in comparison with recent work that
alternatively requires training of deep generative models for the task. Our
approach enables a simple and yet effective path towards solving the OOD
detection problem. |
2,449 | Mathematical model bridges disparate timescales of lifelong learning | Lifelong learning occurs on timescales ranging from minutes to decades.
People can lose themselves in a new skill, practicing for hours until
exhausted. And they can pursue mastery over days or decades, perhaps abandoning
old skills entirely to seek out new challenges. A full understanding of
learning requires an account that integrates these timescales. Here, we present
a minimal quantitative model that unifies the nested timescales of learning.
Our dynamical model recovers classic accounts of skill acquisition, and
describes how learning emerges from moment-to-moment dynamics of motivation,
fatigue, and work, while also situated within longer-term dynamics of skill
selection, mastery, and abandonment. We apply this model to explore the
benefits and pitfalls of a variety of training regimes and to characterize
individual differences in motivation and skill development. Our model connects
previously disparate timescales -- and the subdisciplines that typically study
each timescale in isolation -- to offer a unified account of the timecourse of
skill acquisition. |
2,450 | Designing Reinforcement Learning Algorithms for Digital Interventions: Pre-implementation Guidelines | Online reinforcement learning (RL) algorithms are increasingly used to
personalize digital interventions in the fields of mobile health and online
education. Common challenges in designing and testing an RL algorithm in these
settings include ensuring the RL algorithm can learn and run stably under
real-time constraints, and accounting for the complexity of the environment,
e.g., a lack of accurate mechanistic models for the user dynamics. To guide how
one can tackle these challenges, we extend the PCS (Predictability,
Computability, Stability) framework, a data science framework that incorporates
best practices from machine learning and statistics in supervised learning (Yu
and Kumbier, 2020), to the design of RL algorithms for the digital
interventions setting. Further, we provide guidelines on how to design
simulation environments, a crucial tool for evaluating RL candidate algorithms
using the PCS framework. We illustrate the use of the PCS framework for
designing an RL algorithm for Oralytics, a mobile health study aiming to
improve users' tooth-brushing behaviors through the personalized delivery of
intervention messages. Oralytics will go into the field in late 2022. |
2,451 | A Study of Continual Learning Methods for Q-Learning | We present an empirical study on the use of continual learning (CL) methods
in a reinforcement learning (RL) scenario, which, to the best of our knowledge,
has not been described before. CL is a very active recent research topic
concerned with machine learning under non-stationary data distributions.
Although this naturally applies to RL, the use of dedicated CL methods is still
uncommon. This may be due to the fact that CL methods often assume a
decomposition of CL problems into disjoint sub-tasks of stationary
distribution, that the onset of these sub-tasks is known, and that sub-tasks
are non-contradictory. In this study, we perform an empirical comparison of
selected CL methods in a RL problem where a physically simulated robot must
follow a racetrack by vision. In order to make CL methods applicable, we
restrict the RL setting and introduce non-conflicting subtasks of known onset,
which are however not disjoint and whose distribution, from the learner's point
of view, is still non-stationary. Our results show that dedicated CL methods
can significantly improve learning when compared to the baseline technique of
"experience replay". |
2,452 | Few-shot Prompting Towards Controllable Response Generation | Much literature has shown that prompt-based learning is an efficient method
to make use of the large pre-trained language model. Recent works also exhibit
the possibility of steering a chatbot's output by plugging in an appropriate
prompt. Gradient-based methods are often used to perturb the prompts. However,
some language models are not even available to the public. In this work, we
first explored the combination of prompting and reinforcement learning (RL) to
steer models' generation without accessing any of the models' parameters.
Second, to reduce the training effort and enhance the generalizability to the
unseen task, we apply multi-task learning to make the model learn to generalize
to new tasks better. The experiment results show that our proposed method can
successfully control several state-of-the-art (SOTA) dialogue models without
accessing their parameters. Furthermore, the model demonstrates the strong
ability to quickly adapt to an unseen task in fewer steps than the baseline
model. |
2,453 | Boundary between noise and information applied to filtering neural network weight matrices | Deep neural networks have been successfully applied to a broad range of
problems where overparametrization yields weight matrices which are partially
random. A comparison of weight matrix singular vectors to the Porter-Thomas
distribution suggests that there is a boundary between randomness and learned
information in the singular value spectrum. Inspired by this finding, we
introduce an algorithm for noise filtering, which both removes small singular
values and reduces the magnitude of large singular values to counteract the
effect of level repulsion between the noise and the information part of the
spectrum. For networks trained in the presence of label noise, we indeed find
that the generalization performance improves significantly due to noise
filtering. |
2,454 | Sequential Density Estimation via NCWFAs Sequential Density Estimation via Nonlinear Continuous Weighted Finite Automata | Weighted finite automata (WFAs) have been widely applied in many fields. One
of the classic problems for WFAs is probability distribution estimation over
sequences of discrete symbols. Although WFAs have been extended to deal with
continuous input data, namely continuous WFAs (CWFAs), it is still unclear how
to approximate density functions over sequences of continuous random variables
using WFA-based models, due to the limitation on the expressiveness of the
model as well as the tractability of approximating density functions via CWFAs.
In this paper, we propose a nonlinear extension to the CWFA model to first
improve its expressiveness, we refer to it as the nonlinear continuous WFAs
(NCWFAs). Then we leverage the so-called RNADE method, which is a well-known
density estimator based on neural networks, and propose the RNADE-NCWFA model.
The RNADE-NCWFA model computes a density function by design. We show that this
model is strictly more expressive than the Gaussian HMM model, which CWFA
cannot approximate. Empirically, we conduct a synthetic experiment using
Gaussian HMM generated data. We focus on evaluating the model's ability to
estimate densities for sequences of varying lengths (longer length than the
training data). We observe that our model performs the best among the compared
baseline methods. |
2,455 | Learning in games from a stochastic approximation viewpoint | We develop a unified stochastic approximation framework for analyzing the
long-run behavior of multi-agent online learning in games. Our framework is
based on a "primal-dual", mirrored Robbins-Monro (MRM) template which
encompasses a wide array of popular game-theoretic learning algorithms
(gradient methods, their optimistic variants, the EXP3 algorithm for learning
with payoff-based feedback in finite games, etc.). In addition to providing an
integrated view of these algorithms, the proposed MRM blueprint allows us to
obtain a broad range of new convergence results, both asymptotic and in finite
time, in both continuous and finite games. |
2,456 | A Unified Convergence Theorem for Stochastic Optimization Methods | In this work, we provide a fundamental unified convergence theorem used for
deriving expected and almost sure convergence results for a series of
stochastic optimization methods. Our unified theorem only requires to verify
several representative conditions and is not tailored to any specific
algorithm. As a direct application, we recover expected and almost sure
convergence results of the stochastic gradient method (SGD) and random
reshuffling (RR) under more general settings. Moreover, we establish new
expected and almost sure convergence results for the stochastic proximal
gradient method (prox-SGD) and stochastic model-based methods (SMM) for
nonsmooth nonconvex optimization problems. These applications reveal that our
unified theorem provides a plugin-type convergence analysis and strong
convergence guarantees for a wide class of stochastic optimization methods. |
2,457 | To remove or not remove Mobile Apps? A data-driven predictive model approach | Mobile app stores are the key distributors of mobile applications. They
regularly apply vetting processes to the deployed apps. Yet, some of these
vetting processes might be inadequate or applied late. The late removal of
applications might have unpleasant consequences for developers and users alike.
Thus, in this work we propose a data-driven predictive approach that determines
whether the respective app will be removed or accepted. It also indicates the
features' relevance that help the stakeholders in the interpretation. In turn,
our approach can support developers in improving their apps and users in
downloading the ones that are less likely to be removed. We focus on the Google
App store and we compile a new data set of 870,515 applications, 56% of which
have actually been removed from the market. Our proposed approach is a
bootstrap aggregating of multiple XGBoost machine learning classifiers. We
propose two models: user-centered using 47 features, and developer-centered
using 37 features, the ones only available before deployment. We achieve the
following Areas Under the ROC Curves (AUCs) on the test set: user-centered =
0.792, developer-centered = 0.762. |
2,458 | PrivHAR: Recognizing Human Actions From Privacy-preserving Lens | The accelerated use of digital cameras prompts an increasing concern about
privacy and security, particularly in applications such as action recognition.
In this paper, we propose an optimizing framework to provide robust visual
privacy protection along the human action recognition pipeline. Our framework
parameterizes the camera lens to successfully degrade the quality of the videos
to inhibit privacy attributes and protect against adversarial attacks while
maintaining relevant features for activity recognition. We validate our
approach with extensive simulations and hardware experiments. |
2,459 | ConFUDA: Contrastive Fewshot Unsupervised Domain Adaptation for Medical Image Segmentation | Unsupervised domain adaptation (UDA) aims to transfer knowledge learned from
a labeled source domain to an unlabeled target domain. Contrastive learning
(CL) in the context of UDA can help to better separate classes in feature
space. However, in image segmentation, the large memory footprint due to the
computation of the pixel-wise contrastive loss makes it prohibitive to use.
Furthermore, labeled target data is not easily available in medical imaging,
and obtaining new samples is not economical. As a result, in this work, we
tackle a more challenging UDA task when there are only a few (fewshot) or a
single (oneshot) image available from the target domain. We apply a style
transfer module to mitigate the scarcity of target samples. Then, to align the
source and target features and tackle the memory issue of the traditional
contrastive loss, we propose the centroid-based contrastive learning (CCL) and
a centroid norm regularizer (CNR) to optimize the contrastive pairs in both
direction and magnitude. In addition, we propose multi-partition centroid
contrastive learning (MPCCL) to further reduce the variance in the target
features. Fewshot evaluation on MS-CMRSeg dataset demonstrates that ConFUDA
improves the segmentation performance by 0.34 of the Dice score on the target
domain compared with the baseline, and 0.31 Dice score improvement in a more
rigorous oneshot setting. |
2,460 | Efficient Resource Allocation with Fairness Constraints in Restless Multi-Armed Bandits | Restless Multi-Armed Bandits (RMAB) is an apt model to represent
decision-making problems in public health interventions (e.g., tuberculosis,
maternal, and child care), anti-poaching planning, sensor monitoring,
personalized recommendations and many more. Existing research in RMAB has
contributed mechanisms and theoretical results to a wide variety of settings,
where the focus is on maximizing expected value. In this paper, we are
interested in ensuring that RMAB decision making is also fair to different arms
while maximizing expected value. In the context of public health settings, this
would ensure that different people and/or communities are fairly represented
while making public health intervention decisions. To achieve this goal, we
formally define the fairness constraints in RMAB and provide planning and
learning methods to solve RMAB in a fair manner. We demonstrate key theoretical
properties of fair RMAB and experimentally demonstrate that our proposed
methods handle fairness constraints without sacrificing significantly on
solution quality. |
2,461 | "GAN I hire you?" -- A System for Personalized Virtual Job Interview Training | Job interviews are usually high-stakes social situations where professional
and behavioral skills are required for a satisfactory outcome. Professional job
interview trainers give educative feedback about the shown behavior according
to common standards. This feedback can be helpful concerning the improvement of
behavioral skills needed for job interviews. A technological approach for
generating such feedback might be a playful and low-key starting point for job
interview training. Therefore, we extended an interactive virtual job interview
training system with a Generative Adversarial Network (GAN)-based approach that
first detects behavioral weaknesses and subsequently generates personalized
feedback. To evaluate the usefulness of the generated feedback, we conducted a
mixed-methods pilot study using mock-ups from the job interview training
system. The overall study results indicate that the GAN-based generated
behavioral feedback is helpful. Moreover, participants assessed that the
feedback would improve their job interview performance. |
2,462 | Gradient Obfuscation Gives a False Sense of Security in Federated Learning | Federated learning has been proposed as a privacy-preserving machine learning
framework that enables multiple clients to collaborate without sharing raw
data. However, client privacy protection is not guaranteed by design in this
framework. Prior work has shown that the gradient sharing strategies in
federated learning can be vulnerable to data reconstruction attacks. In
practice, though, clients may not transmit raw gradients considering the high
communication cost or due to privacy enhancement requirements. Empirical
studies have demonstrated that gradient obfuscation, including intentional
obfuscation via gradient noise injection and unintentional obfuscation via
gradient compression, can provide more privacy protection against
reconstruction attacks. In this work, we present a new data reconstruction
attack framework targeting the image classification task in federated learning.
We show that commonly adopted gradient postprocessing procedures, such as
gradient quantization, gradient sparsification, and gradient perturbation, may
give a false sense of security in federated learning. Contrary to prior
studies, we argue that privacy enhancement should not be treated as a byproduct
of gradient compression. Additionally, we design a new method under the
proposed framework to reconstruct the image at the semantic level. We quantify
the semantic privacy leakage and compare with conventional based on image
similarity scores. Our comparisons challenge the image data leakage evaluation
schemes in the literature. The results emphasize the importance of revisiting
and redesigning the privacy protection mechanisms for client data in existing
federated learning algorithms. |
2,463 | Sim2real for Reinforcement Learning Driven Next Generation Networks | The next generation of networks will actively embrace artificial intelligence
(AI) and machine learning (ML) technologies for automation networks and optimal
network operation strategies. The emerging network structure represented by
Open RAN (O-RAN) conforms to this trend, and the radio intelligent controller
(RIC) at the centre of its specification serves as an ML applications host.
Various ML models, especially Reinforcement Learning (RL) models, are regarded
as the key to solving RAN-related multi-objective optimization problems.
However, it should be recognized that most of the current RL successes are
confined to abstract and simplified simulation environments, which may not
directly translate to high performance in complex real environments. One of the
main reasons is the modelling gap between the simulation and the real
environment, which could make the RL agent trained by simulation ill-equipped
for the real environment. This issue is termed as the sim2real gap. This
article brings to the fore the sim2real challenge within the context of O-RAN.
Specifically, it emphasizes the characteristics, and benefits that the digital
twins (DT) could have as a place for model development and verification.
Several use cases are presented to exemplify and demonstrate failure modes of
the simulations trained RL model in real environments. The effectiveness of DT
in assisting the development of RL algorithms is discussed. Then the current
state of the art learning-based methods commonly used to overcome the sim2real
challenge are presented. Finally, the development and deployment concerns for
the RL applications realisation in O-RAN are discussed from the view of the
potential issues like data interaction, environment bottlenecks, and algorithm
design. |
2,464 | Scalable Joint Learning of Wireless Multiple-Access Policies and their Signaling | In this paper, we apply an multi-agent reinforcement learning (MARL)
framework allowing the base station (BS) and the user equipments (UEs) to
jointly learn a channel access policy and its signaling in a wireless multiple
access scenario. In this framework, the BS and UEs are reinforcement learning
(RL) agents that need to cooperate in order to deliver data. The comparison
with a contention-free and a contention-based baselines shows that our
framework achieves a superior performance in terms of goodput even in high
traffic situations while maintaining a low collision rate. The scalability of
the proposed method is studied, since it is a major problem in MARL and this
paper provides the first results in order to address it. |
2,465 | Boosting the Confidence of Generalization for $L_2$-Stable Randomized Learning Algorithms | Exponential generalization bounds with near-tight rates have recently been
established for uniformly stable learning algorithms. The notion of uniform
stability, however, is stringent in the sense that it is invariant to the
data-generating distribution. Under the weaker and distribution dependent
notions of stability such as hypothesis stability and $L_2$-stability, the
literature suggests that only polynomial generalization bounds are possible in
general cases. The present paper addresses this long standing tension between
these two regimes of results and makes progress towards relaxing it inside a
classic framework of confidence-boosting. To this end, we first establish an
in-expectation first moment generalization error bound for potentially
randomized learning algorithms with $L_2$-stability, based on which we then
show that a properly designed subbagging process leads to near-tight
exponential generalization bounds over the randomness of both data and
algorithm. We further substantialize these generic results to stochastic
gradient descent (SGD) to derive improved high-probability generalization
bounds for convex or non-convex optimization problems with natural time
decaying learning rates, which have not been possible to prove with the
existing hypothesis stability or uniform stability based results. |
2,466 | $p$-Sparsified Sketches for Fast Multiple Output Kernel Methods | Kernel methods are learning algorithms that enjoy solid theoretical
foundations while suffering from important computational limitations.
Sketching, that consists in looking for solutions among a subspace of reduced
dimension, is a widely studied approach to alleviate this numerical burden.
However, fast sketching strategies, such as non-adaptive subsampling,
significantly degrade the guarantees of the algorithms, while
theoretically-accurate sketches, such as the Gaussian one, turn out to remain
relatively slow in practice. In this paper, we introduce the $p$-sparsified
sketches, that combine the benefits from both approaches to achieve a good
tradeoff between statistical accuracy and computational efficiency. To support
our method, we derive excess risk bounds for both single and multiple output
problems, with generic Lipschitz losses, providing new guarantees for a wide
range of applications, from robust regression to multiple quantile regression.
We also provide empirical evidences of the superiority of our sketches over
recent SOTA approaches. |
2,467 | Towards Understanding Why Mask-Reconstruction Pretraining Helps in Downstream Tasks | For unsupervised pretraining, mask-reconstruction pretraining (MRP)
approaches randomly mask input patches and then reconstruct pixels or semantic
features of these masked patches via an auto-encoder. Then for a downstream
task, supervised fine-tuning the pretrained encoder remarkably surpasses the
conventional supervised learning (SL) trained from scratch. However, it is
still unclear 1) how MRP performs semantic learning in the pretraining phase
and 2) why it helps in downstream tasks. To solve these problems, we
theoretically show that on an auto-encoder of a two/one-layered convolution
encoder/decoder, MRP can capture all discriminative semantics in the
pretraining dataset, and accordingly show its provable improvement over SL on
the classification downstream task. Specifically, we assume that pretraining
dataset contains multi-view samples of ratio $1-\mu$ and single-view samples of
ratio $\mu$, where multi/single-view samples has multiple/single discriminative
semantics. Then for pretraining, we prove that 1) the convolution kernels of
the MRP encoder captures all discriminative semantics in the pretraining data;
and 2) a convolution kernel captures at most one semantic. Accordingly, in the
downstream supervised fine-tuning, most semantics would be captured and
different semantics would not be fused together. This helps the downstream
fine-tuned network to easily establish the relation between kernels and
semantic class labels. In this way, the fine-tuned encoder in MRP provably
achieves zero test error with high probability for both multi-view and
single-view test data. In contrast, as proved by~[3], conventional SL can only
obtain a test accuracy between around $0.5\mu$ for single-view test data. These
results together explain the benefits of MRP in downstream tasks. Experimental
results testify to multi-view data assumptions and our theoretical
implications. |
2,468 | Multi-channel neural networks for predicting influenza A virus hosts and antigenic types | Influenza occurs every season and occasionally causes pandemics. Despite its
low mortality rate, influenza is a major public health concern, as it can be
complicated by severe diseases like pneumonia. A fast, accurate and low-cost
method to predict the origin host and subtype of influenza viruses could help
reduce virus transmission and benefit resource-poor areas. In this work, we
propose multi-channel neural networks to predict antigenic types and hosts of
influenza A viruses with hemagglutinin and neuraminidase protein sequences. An
integrated data set containing complete protein sequences were used to produce
a pre-trained model, and two other data sets were used for testing the model's
performance. One test set contained complete protein sequences, and another
test set contained incomplete protein sequences. The results suggest that
multi-channel neural networks are applicable and promising for predicting
influenza A virus hosts and antigenic subtypes with complete and partial
protein sequences. |
2,469 | Syntactic Inductive Biases for Deep Learning Methods | In this thesis, we try to build a connection between the two schools by
introducing syntactic inductive biases for deep learning models. We propose two
families of inductive biases, one for constituency structure and another one
for dependency structure. The constituency inductive bias encourages deep
learning models to use different units (or neurons) to separately process
long-term and short-term information. This separation provides a way for deep
learning models to build the latent hierarchical representations from
sequential inputs, that a higher-level representation is composed of and can be
decomposed into a series of lower-level representations. For example, without
knowing the ground-truth structure, our proposed model learns to process
logical expression through composing representations of variables and operators
into representations of expressions according to its syntactic structure. On
the other hand, the dependency inductive bias encourages models to find the
latent relations between entities in the input sequence. For natural language,
the latent relations are usually modeled as a directed dependency graph, where
a word has exactly one parent node and zero or several children nodes. After
applying this constraint to a Transformer-like model, we find the model is
capable of inducing directed graphs that are close to human expert annotations,
and it also outperforms the standard transformer model on different tasks. We
believe that these experimental results demonstrate an interesting alternative
for the future development of deep learning models. |
2,470 | Unsupervised Knowledge Adaptation for Passenger Demand Forecasting | Considering the multimodal nature of transport systems and potential
cross-modal correlations, there is a growing trend of enhancing demand
forecasting accuracy by learning from multimodal data. These multimodal
forecasting models can improve accuracy but be less practical when different
parts of multimodal datasets are owned by different institutions who cannot
directly share data among them. While various institutions may can not share
their data with each other directly, they may share forecasting models trained
by their data, where such models cannot be used to identify the exact
information from their datasets. This study proposes an Unsupervised Knowledge
Adaptation Demand Forecasting framework to forecast the demand of the target
mode by utilizing a pre-trained model based on data of another mode, which does
not require direct data sharing of the source mode. The proposed framework
utilizes the potential shared patterns among multiple transport modes to
improve forecasting performance while avoiding the direct sharing of data among
different institutions. Specifically, a pre-trained forecasting model is first
learned based on the data of a source mode, which can capture and memorize the
source travel patterns. Then, the demand data of the target dataset is encoded
into an individual knowledge part and a sharing knowledge part which will
extract travel patterns by individual extraction network and sharing extraction
network, respectively. The unsupervised knowledge adaptation strategy is
utilized to form the sharing features for further forecasting by making the
pre-trained network and the sharing extraction network analogous. Our findings
illustrate that unsupervised knowledge adaptation by sharing the pre-trained
model to the target mode can improve the forecasting performance without the
dependence on direct data sharing. |
2,471 | Dual Windows Are Significant: Learning from Mediastinal Window and Focusing on Lung Window | Since the pandemic of COVID-19, several deep learning methods were proposed
to analyze the chest Computed Tomography (CT) for diagnosis. In the current
situation, the disease course classification is significant for medical
personnel to decide the treatment. Most previous deep-learning-based methods
extract features observed from the lung window. However, it has been proved
that some appearances related to diagnosis can be observed better from the
mediastinal window rather than the lung window, e.g., the pulmonary
consolidation happens more in severe symptoms. In this paper, we propose a
novel Dual Window RCNN Network (DWRNet), which mainly learns the distinctive
features from the successive mediastinal window. Regarding the features
extracted from the lung window, we introduce the Lung Window Attention Block
(LWA Block) to pay additional attention to them for enhancing the
mediastinal-window features. Moreover, instead of picking up specific slices
from the whole CT slices, we use a Recurrent CNN and analyze successive slices
as videos. Experimental results show that the fused and representative features
improve the predictions of disease course by reaching the accuracy of 90.57%,
against the baseline with an accuracy of 84.86%. Ablation studies demonstrate
that combined dual window features are more efficient than lung-window features
alone, while paying attention to lung-window features can improve the model's
stability. |
2,472 | Entropic Convergence of Random Batch Methods for Interacting Particle Diffusion | We propose a co-variance corrected random batch method for interacting
particle systems. By establishing a certain entropic central limit theorem, we
provide entropic convergence guarantees for the law of the entire trajectories
of all particles of the proposed method to the law of the trajectories of the
discrete time interacting particle system whenever the batch size $B \gg
(\alpha n)^{\frac{1}{3}}$ (where $n$ is the number of particles and $\alpha$ is
the time discretization parameter). This in turn implies that the outputs of
these methods are nearly \emph{statistically indistinguishable} when $B$ is
even moderately large. Previous works mainly considered convergence in
Wasserstein distance with required stringent assumptions on the potentials or
the bounds had an exponential dependence on the time horizon. This work makes
minimal assumptions on the interaction potentials and in particular establishes
that even when the particle trajectories diverge to infinity, they do so in the
same way for both the methods. Such guarantees are very useful in light of the
recent advances in interacting particle based algorithms for sampling. |
2,473 | Action Noise in Off-Policy Deep Reinforcement Learning: Impact on Exploration and Performance | Many deep reinforcement learning algorithms rely on simple forms of
exploration, such as the additive action-noise often used in continuous control
domains. Typically, the scaling factor of this action noise is chosen as a
hyper-parameter and kept constant during training. In this paper, we analyze
how the learned policy is impacted by the noise type, scale, and reducing of
the scaling factor over time. We consider the two most prominent types of
action-noise: Gaussian and Ornstein-Uhlenbeck noise, and perform a vast
experimental campaign by systematically varying the noise type and scale
parameter, and by measuring variables of interest like the expected return of
the policy and the state space coverage during exploration. For the latter, we
propose a novel state-space coverage measure
$\operatorname{X}_{\mathcal{U}\text{rel}}$ that is more robust to boundary
artifacts than previously proposed measures. Larger noise scales generally
increase state space coverage. However, we found that increasing the space
coverage using a larger noise scale is often not beneficial. On the contrary,
reducing the noise-scale over the training process reduces the variance and
generally improves the learning performance. We conclude that the best
noise-type and scale are environment dependent, and based on our observations,
derive heuristic rules for guiding the choice of the action noise as a starting
point for further optimization. |
2,474 | Binary Single-dimensional Convolutional Neural Network for Seizure Prediction | Nowadays, several deep learning methods are proposed to tackle the challenge
of epileptic seizure prediction. However, these methods still cannot be
implemented as part of implantable or efficient wearable devices due to their
large hardware and corresponding high-power consumption. They usually require
complex feature extraction process, large memory for storing high precision
parameters and complex arithmetic computation, which greatly increases required
hardware resources. Moreover, available yield poor prediction performance,
because they adopt network architecture directly from image recognition
applications fails to accurately consider the characteristics of EEG signals.
We propose in this paper a hardware-friendly network called Binary
Single-dimensional Convolutional Neural Network (BSDCNN) intended for epileptic
seizure prediction. BSDCNN utilizes 1D convolutional kernels to improve
prediction performance. All parameters are binarized to reduce the required
computation and storage, except the first layer. Overall area under curve,
sensitivity, and false prediction rate reaches 0.915, 89.26%, 0.117/h and
0.970, 94.69%, 0.095/h on American Epilepsy Society Seizure Prediction
Challenge (AES) dataset and the CHB-MIT one respectively. The proposed
architecture outperforms recent works while offering 7.2 and 25.5 times
reductions on the size of parameter and computation, respectively. |
2,475 | Machine learning-based patient selection in an emergency department | The performance of Emergency Departments (EDs) is of great importance for any
health care system, as they serve as the entry point for many patients.
However, among other factors, the variability of patient acuity levels and
corresponding treatment requirements of patients visiting EDs imposes
significant challenges on decision makers. Balancing waiting times of patients
to be first seen by a physician with the overall length of stay over all acuity
levels is crucial to maintain an acceptable level of operational performance
for all patients. To address those requirements when assigning idle resources
to patients, several methods have been proposed in the past, including the
Accumulated Priority Queuing (APQ) method. The APQ method linearly assigns
priority scores to patients with respect to their time in the system and acuity
level. Hence, selection decisions are based on a simple system representation
that is used as an input for a selection function. This paper investigates the
potential of an Machine Learning (ML) based patient selection method. It
assumes that for a large set of training data, including a multitude of
different system states, (near) optimal assignments can be computed by a
(heuristic) optimizer, with respect to a chosen performance metric, and aims to
imitate such optimal behavior when applied to new situations. Thereby, it
incorporates a comprehensive state representation of the system and a complex
non-linear selection function. The motivation for the proposed approach is that
high quality selection decisions may depend on a variety of factors describing
the current state of the ED, not limited to waiting times, which can be
captured and utilized by the ML model. Results show that the proposed method
significantly outperforms the APQ method for a majority of evaluated settings |
2,476 | Explanation as Question Answering based on a Task Model of the Agent's Design | We describe a stance towards the generation of explanations in AI agents that
is both human-centered and design-based. We collect questions about the working
of an AI agent through participatory design by focus groups. We capture an
agent's design through a Task-Method-Knowledge model that explicitly specifies
the agent's tasks and goals, as well as the mechanisms, knowledge and
vocabulary it uses for accomplishing the tasks. We illustrate our approach
through the generation of explanations in Skillsync, an AI agent that links
companies and colleges for worker upskilling and reskilling. In particular, we
embed a question-answering agent called AskJill in Skillsync, where AskJill
contains a TMK model of Skillsync's design. AskJill presently answers
human-generated questions about Skillsync's tasks and vocabulary, and thereby
helps explain how it produces its recommendations. |
2,477 | Using Mixed-Effect Models to Learn Bayesian Networks from Related Data Sets | We commonly assume that data are a homogeneous set of observations when
learning the structure of Bayesian networks. However, they often comprise
different data sets that are related but not homogeneous because they have been
collected in different ways or from different populations.
In our previous work (Azzimonti, Corani and Scutari, 2021), we proposed a
closed-form Bayesian Hierarchical Dirichlet score for discrete data that pools
information across related data sets to learn a single encompassing network
structure, while taking into account the differences in their probabilistic
structures. In this paper, we provide an analogous solution for learning a
Bayesian network from continuous data using mixed-effects models to pool
information across the related data sets. We study its structural, parametric,
predictive and classification accuracy and we show that it outperforms both
conditional Gaussian Bayesian networks (that do not perform any pooling) and
classical Gaussian Bayesian networks (that disregard the heterogeneous nature
of the data). The improvement is marked for low sample sizes and for unbalanced
data sets. |
2,478 | Disentangled Ontology Embedding for Zero-shot Learning | Knowledge Graph (KG) and its variant of ontology have been widely used for
knowledge representation, and have shown to be quite effective in augmenting
Zero-shot Learning (ZSL). However, existing ZSL methods that utilize KGs all
neglect the intrinsic complexity of inter-class relationships represented in
KGs. One typical feature is that a class is often related to other classes in
different semantic aspects. In this paper, we focus on ontologies for
augmenting ZSL, and propose to learn disentangled ontology embeddings guided by
ontology properties to capture and utilize more fine-grained class
relationships in different aspects. We also contribute a new ZSL framework
named DOZSL, which contains two new ZSL solutions based on generative models
and graph propagation models, respectively, for effectively utilizing the
disentangled ontology embeddings. Extensive evaluations have been conducted on
five benchmarks across zero-shot image classification (ZS-IMGC) and zero-shot
KG completion (ZS-KGC). DOZSL often achieves better performance than the
state-of-the-art, and its components have been verified by ablation studies and
case studies. Our codes and datasets are available at
https://github.com/zjukg/DOZSL. |
2,479 | Motiflets -- Fast and Accurate Detection of Motifs in Time Series | A motif intuitively is a short time series that repeats itself approximately
the same within a larger time series. Such motifs often represent concealed
structures, such as heart beats in an ECG recording, or sleep spindles in EEG
sleep data. Motif discovery (MD) is the task of finding such motifs in a given
input series. As there are varying definitions of what exactly a motif is, a
number of algorithms exist. As central parameters they all take the length l of
the motif and the maximal distance r between the motif's occurrences. In
practice, however, suitable values for r are very hard to determine upfront,
and the found motifs show a high variability. Setting the wrong input value
will result in a motif that is not distinguishable from noise. Accordingly,
finding an interesting motif with these methods requires extensive
trial-and-error. We present a different approach to the MD problem. We define
k-Motiflets as the set of exactly k occurrences of a motif of length l, whose
maximum pairwise distance is minimal. This turns the MD problem upside-down:
Our central parameter is not the distance threshold r, but the desired size k
of a motif set, which we show is considerably more intuitive and easier to set.
Based on this definition, we present exact and approximate algorithms for
finding k-Motiflets and analyze their complexity. To further ease the use of
our method, we describe extensions to automatically determine the
right/suitable values for its input parameters. Thus, for the first time,
extracting meaningful motif sets without any a-priori knowledge becomes
feasible. By evaluating real-world use cases and comparison to 4
state-of-the-art MD algorithms, we show that our proposed algorithm is (a)
quantitatively superior, finding larger motif sets at higher similarity, (b)
qualitatively better, leading to clearer and easier to interpret motifs, and
(c) has the lowest runtime. |
2,480 | On gradient descent training under data augmentation with on-line noisy copies | In machine learning, data augmentation (DA) is a technique for improving the
generalization performance. In this paper, we mainly considered gradient
descent of linear regression under DA using noisy copies of datasets, in which
noise is injected into inputs. We analyzed the situation where random noisy
copies are newly generated and used at each epoch; i.e., the case of using
on-line noisy copies. Therefore, it is viewed as an analysis on a method using
noise injection into training process by DA manner; i.e., on-line version of
DA. We derived the averaged behavior of training process under three situations
which are the full-batch training under the sum of squared errors, the
full-batch and mini-batch training under the mean squared error. We showed
that, in all cases, training for DA with on-line copies is approximately
equivalent to a ridge regularization whose regularization parameter corresponds
to the variance of injected noise. On the other hand, we showed that the
learning rate is multiplied by the number of noisy copies plus one in
full-batch under the sum of squared errors and the mini-batch under the mean
squared error; i.e., DA with on-line copies yields apparent acceleration of
training. The apparent acceleration and regularization effect come from the
original part and noise in a copy data respectively. These results are
confirmed in a numerical experiment. In the numerical experiment, we found that
our result can be approximately applied to usual off-line DA in
under-parameterization scenario and can not in over-parametrization scenario.
Moreover, we experimentally investigated the training process of neural
networks under DA with off-line noisy copies and found that our analysis on
linear regression is possible to be applied to neural networks. |
2,481 | Hub-Pathway: Transfer Learning from A Hub of Pre-trained Models | Transfer learning aims to leverage knowledge from pre-trained models to
benefit the target task. Prior transfer learning work mainly transfers from a
single model. However, with the emergence of deep models pre-trained from
different resources, model hubs consisting of diverse models with various
architectures, pre-trained datasets and learning paradigms are available.
Directly applying single-model transfer learning methods to each model wastes
the abundant knowledge of the model hub and suffers from high computational
cost. In this paper, we propose a Hub-Pathway framework to enable knowledge
transfer from a model hub. The framework generates data-dependent pathway
weights, based on which we assign the pathway routes at the input level to
decide which pre-trained models are activated and passed through, and then set
the pathway aggregation at the output level to aggregate the knowledge from
different models to make predictions. The proposed framework can be trained
end-to-end with the target task-specific loss, where it learns to explore
better pathway configurations and exploit the knowledge in pre-trained models
for each target datum. We utilize a noisy pathway generator and design an
exploration loss to further explore different pathways throughout the model
hub. To fully exploit the knowledge in pre-trained models, each model is
further trained by specific data that activate it, which ensures its
performance and enhances knowledge transfer. Experiment results on computer
vision and reinforcement learning tasks demonstrate that the proposed
Hub-Pathway framework achieves the state-of-the-art performance for model hub
transfer learning. |
2,482 | Stabilizing Voltage in Power Distribution Networks via Multi-Agent Reinforcement Learning with Transformer | The increased integration of renewable energy poses a slew of technical
challenges for the operation of power distribution networks. Among them,
voltage fluctuations caused by the instability of renewable energy are
receiving increasing attention. Utilizing MARL algorithms to coordinate
multiple control units in the grid, which is able to handle rapid changes of
power systems, has been widely studied in active voltage control task recently.
However, existing approaches based on MARL ignore the unique nature of the grid
and achieve limited performance. In this paper, we introduce the transformer
architecture to extract representations adapting to power network problems and
propose a Transformer-based Multi-Agent Actor-Critic framework (T-MAAC) to
stabilize voltage in power distribution networks. In addition, we adopt a novel
auxiliary-task training process tailored to the voltage control task, which
improves the sample efficiency and facilitating the representation learning of
the transformer-based model. We couple T-MAAC with different multi-agent
actor-critic algorithms, and the consistent improvements on the active voltage
control task demonstrate the effectiveness of the proposed method. |
2,483 | Set Interdependence Transformer: Set-to-Sequence Neural Networks for Permutation Learning and Structure Prediction | The task of learning to map an input set onto a permuted sequence of its
elements is challenging for neural networks. Set-to-sequence problems occur in
natural language processing, computer vision and structure prediction, where
interactions between elements of large sets define the optimal output. Models
must exhibit relational reasoning, handle varying cardinalities and manage
combinatorial complexity. Previous attention-based methods require $n$ layers
of their set transformations to explicitly represent $n$-th order relations.
Our aim is to enhance their ability to efficiently model higher-order
interactions through an additional interdependence component. We propose a
novel neural set encoding method called the Set Interdependence Transformer,
capable of relating the set's permutation invariant representation to its
elements within sets of any cardinality. We combine it with a permutation
learning module into a complete, 3-part set-to-sequence model and demonstrate
its state-of-the-art performance on a number of tasks. These range from
combinatorial optimization problems, through permutation learning challenges on
both synthetic and established NLP datasets for sentence ordering, to a novel
domain of product catalog structure prediction. Additionally, the network's
ability to generalize to unseen sequence lengths is investigated and a
comparative empirical analysis of the existing methods' ability to learn
higher-order interactions is provided. |
2,484 | Learning Interpretable Decision Rule Sets: A Submodular Optimization Approach | Rule sets are highly interpretable logical models in which the predicates for
decision are expressed in disjunctive normal form (DNF, OR-of-ANDs), or,
equivalently, the overall model comprises an unordered collection of if-then
decision rules. In this paper, we consider a submodular optimization based
approach for learning rule sets. The learning problem is framed as a subset
selection task in which a subset of all possible rules needs to be selected to
form an accurate and interpretable rule set. We employ an objective function
that exhibits submodularity and thus is amenable to submodular optimization
techniques. To overcome the difficulty arose from dealing with the
exponential-sized ground set of rules, the subproblem of searching a rule is
casted as another subset selection task that asks for a subset of features. We
show it is possible to write the induced objective function for the subproblem
as a difference of two submodular (DS) functions to make it approximately
solvable by DS optimization algorithms. Overall, the proposed approach is
simple, scalable, and likely to be benefited from further research on
submodular optimization. Experiments on real datasets demonstrate the
effectiveness of our method. |
2,485 | LADDER: Latent Boundary-guided Adversarial Training | Deep Neural Networks (DNNs) have recently achieved great success in many
classification tasks. Unfortunately, they are vulnerable to adversarial attacks
that generate adversarial examples with a small perturbation to fool DNN
models, especially in model sharing scenarios. Adversarial training is proved
to be the most effective strategy that injects adversarial examples into model
training to improve the robustness of DNN models against adversarial attacks.
However, adversarial training based on the existing adversarial examples fails
to generalize well to standard, unperturbed test data. To achieve a better
trade-off between standard accuracy and adversarial robustness, we propose a
novel adversarial training framework called LAtent bounDary-guided aDvErsarial
tRaining (LADDER) that adversarially trains DNN models on latent
boundary-guided adversarial examples. As opposed to most of the existing
methods that generate adversarial examples in the input space, LADDER generates
a myriad of high-quality adversarial examples through adding perturbations to
latent features. The perturbations are made along the normal of the decision
boundary constructed by an SVM with an attention mechanism. We analyze the
merits of our generated boundary-guided adversarial examples from a boundary
field perspective and visualization view. Extensive experiments and detailed
analysis on MNIST, SVHN, CelebA, and CIFAR-10 validate the effectiveness of
LADDER in achieving a better trade-off between standard accuracy and
adversarial robustness as compared with vanilla DNNs and competitive baselines. |
2,486 | Performance, Transparency and Time. Feature selection to speed up the diagnosis of Parkinson's disease | Accurate and early prediction of a disease allows to plan and improve a
patient's quality of future life. During pandemic situations, the medical
decision becomes a speed challenge in which physicians have to act fast to
diagnose and predict the risk of the severity of the disease, moreover this is
also of high priority for neurodegenerative diseases like Parkinson's disease.
Machine Learning (ML) models with Features Selection (FS) techniques can be
applied to help physicians to quickly diagnose a disease. FS optimally subset
features that improve a model performance and help reduce the number of needed
tests for a patient and hence speeding up the diagnosis. This study shows the
result of three Feature Selection (FS) techniques pre-applied to a classifier
algorithm, Logistic Regression, on non-invasive test results data. The three FS
are Analysis of Variance (ANOVA) as filter based method, Least Absolute
Shrinkage and Selection Operator (LASSO) as embedded method and Sequential
Feature Selection (SFS) as wrapper method. The outcome shows that FS technique
can help to build an efficient and effective classifier, hence improving the
performance of the classifier while reducing the computation time. |
2,487 | Modularized Transfer Learning with Multiple Knowledge Graphs for Zero-shot Commonsense Reasoning | Commonsense reasoning systems should be able to generalize to diverse
reasoning cases. However, most state-of-the-art approaches depend on expensive
data annotations and overfit to a specific benchmark without learning how to
perform general semantic reasoning. To overcome these drawbacks, zero-shot QA
systems have shown promise as a robust learning scheme by transforming a
commonsense knowledge graph (KG) into synthetic QA-form samples for model
training. Considering the increasing type of different commonsense KGs, this
paper aims to extend the zero-shot transfer learning scenario into
multiple-source settings, where different KGs can be utilized synergetically.
Towards this goal, we propose to mitigate the loss of knowledge from the
interference among the different knowledge sources, by developing a modular
variant of the knowledge aggregation as a new zero-shot commonsense reasoning
framework. Results on five commonsense reasoning benchmarks demonstrate the
efficacy of our framework, improving the performance with multiple KGs. |
2,488 | Motif Mining and Unsupervised Representation Learning for BirdCLEF 2022 | We build a classification model for the BirdCLEF 2022 challenge using
unsupervised methods. We implement an unsupervised representation of the
training dataset using a triplet loss on spectrogram representation of audio
motifs. Our best model performs with a score of 0.48 on the public leaderboard. |
2,489 | Quantitative performance evaluation of Bayesian neural networks | Due to the growing adoption of deep neural networks in many fields of science
and engineering, modeling and estimating their uncertainties has become of
primary importance. Various approaches have been investigated including
Bayesian neural networks, ensembles, deterministic approximations, amongst
others. Despite the growing litterature about uncertainty quantification in
deep learning, the quality of the uncertainty estimates remains an open
question. In this work, we attempt to assess the performance of several
algorithms on sampling and regression tasks by evaluating the quality of the
confidence regions and how well the generated samples are representative of the
unknown target distribution. Towards this end, several sampling and regression
tasks are considered, and the selected algorithms are compared in terms of
coverage probabilities, kernelized Stein discrepancies, and maximum mean
discrepancies. |
2,490 | Theoretical Error Performance Analysis for Variational Quantum Circuit Based Functional Regression | The noisy intermediate-scale quantum (NISQ) devices enable the implementation
of the variational quantum circuit (VQC) for quantum neural networks (QNN).
Although the VQC-based QNN has succeeded in many machine learning tasks, the
representation and generalization powers of VQC still require further
investigation, particularly when the dimensionality reduction of classical
inputs is concerned. In this work, we first put forth an end-to-end quantum
neural network, namely, TTN-VQC, which consists of a quantum tensor network
based on a tensor-train network (TTN) for dimensionality reduction and a VQC
for functional regression. Then, we aim at the error performance analysis for
the TTN-VQC in terms of representation and generalization powers. We also
characterize the optimization properties of TTN-VQC by leveraging the
Polyak-Lojasiewicz (PL) condition. Moreover, we conduct the experiments of
functional regression on a handwritten digit classification dataset to justify
our theoretical analysis. |
2,491 | What do we learn? Debunking the Myth of Unsupervised Outlier Detection | Even though auto-encoders (AEs) have the desirable property of learning
compact representations without labels and have been widely applied to
out-of-distribution (OoD) detection, they are generally still poorly understood
and are used incorrectly in detecting outliers where the normal and abnormal
distributions are strongly overlapping. In general, the learned manifold is
assumed to contain key information that is only important for describing
samples within the training distribution, and that the reconstruction of
outliers leads to high residual errors. However, recent work suggests that AEs
are likely to be even better at reconstructing some types of OoD samples. In
this work, we challenge this assumption and investigate what auto-encoders
actually learn when they are posed to solve two different tasks. First, we
propose two metrics based on the Fr\'echet inception distance (FID) and
confidence scores of a trained classifier to assess whether AEs can learn the
training distribution and reliably recognize samples from other domains.
Second, we investigate whether AEs are able to synthesize normal images from
samples with abnormal regions, on a more challenging lung pathology detection
task. We have found that state-of-the-art (SOTA) AEs are either unable to
constrain the latent manifold and allow reconstruction of abnormal patterns, or
they are failing to accurately restore the inputs from their latent
distribution, resulting in blurred or misaligned reconstructions. We propose
novel deformable auto-encoders (MorphAEus) to learn perceptually aware global
image priors and locally adapt their morphometry based on estimated dense
deformation fields. We demonstrate superior performance over unsupervised
methods in detecting OoD and pathology. |
2,492 | Metric Based Few-Shot Graph Classification | Many modern deep-learning techniques do not work without enormous datasets.
At the same time, several fields demand methods working in scarcity of data.
This problem is even more complex when the samples have varying structures, as
in the case of graphs. Graph representation learning techniques have recently
proven successful in a variety of domains. Nevertheless, the employed
architectures perform miserably when faced with data scarcity. On the other
hand, few-shot learning allows employing modern deep learning models in scarce
data regimes without waiving their effectiveness. In this work, we tackle the
problem of few-shot graph classification, showing that equipping a simple
distance metric learning baseline with a state-of-the-art graph embedder allows
to obtain competitive results on the task.While the simplicity of the
architecture is enough to outperform more complex ones, it also allows
straightforward additions. To this end, we show that additional improvements
may be obtained by encouraging a task-conditioned embedding space. Finally, we
propose a MixUp-based online data augmentation technique acting in the latent
space and show its effectiveness on the task. |
2,493 | Autoregressive Perturbations for Data Poisoning | The prevalence of data scraping from social media as a means to obtain
datasets has led to growing concerns regarding unauthorized use of data. Data
poisoning attacks have been proposed as a bulwark against scraping, as they
make data "unlearnable" by adding small, imperceptible perturbations.
Unfortunately, existing methods require knowledge of both the target
architecture and the complete dataset so that a surrogate network can be
trained, the parameters of which are used to generate the attack. In this work,
we introduce autoregressive (AR) poisoning, a method that can generate poisoned
data without access to the broader dataset. The proposed AR perturbations are
generic, can be applied across different datasets, and can poison different
architectures. Compared to existing unlearnable methods, our AR poisons are
more resistant against common defenses such as adversarial training and strong
data augmentations. Our analysis further provides insight into what makes an
effective data poison. |
2,494 | Identifying good directions to escape the NTK regime and efficiently learn low-degree plus sparse polynomials | A recent goal in the theory of deep learning is to identify how neural
networks can escape the "lazy training," or Neural Tangent Kernel (NTK) regime,
where the network is coupled with its first order Taylor expansion at
initialization. While the NTK is minimax optimal for learning dense polynomials
(Ghorbani et al, 2021), it cannot learn features, and hence has poor sample
complexity for learning many classes of functions including sparse polynomials.
Recent works have thus aimed to identify settings where gradient based
algorithms provably generalize better than the NTK. One such example is the
"QuadNTK" approach of Bai and Lee (2020), which analyzes the second-order term
in the Taylor expansion. Bai and Lee (2020) show that the second-order term can
learn sparse polynomials efficiently; however, it sacrifices the ability to
learn general dense polynomials.
In this paper, we analyze how gradient descent on a two-layer neural network
can escape the NTK regime by utilizing a spectral characterization of the NTK
(Montanari and Zhong, 2020) and building on the QuadNTK approach. We first
expand upon the spectral analysis to identify "good" directions in parameter
space in which we can move without harming generalization. Next, we show that a
wide two-layer neural network can jointly use the NTK and QuadNTK to fit target
functions consisting of a dense low-degree term and a sparse high-degree term
-- something neither the NTK nor the QuadNTK can do on their own. Finally, we
construct a regularizer which encourages our parameter vector to move in the
"good" directions, and show that gradient descent on the regularized loss will
converge to a global minimizer, which also has low test error. This yields an
end to end convergence and generalization guarantee with provable sample
complexity improvement over both the NTK and QuadNTK on their own. |
2,495 | Progress Report: A Deep Learning Guided Exploration of Affine Unimodular Loop Transformations | In this paper, we present a work in progress about a deep learning based
approach for automatic code optimization in polyhedral compilers. The proposed
technique explores combinations of affine and non-affine loop transformations
to find the sequence of transformations that minimizes the execution time of a
given program. This exploration is guided by a deep learning based cost model
that evaluates the speedup that each sequence of transformations would yield.
Preliminary results show that the proposed techniques achieve a 2.35x geometric
mean speedup over state of the art polyhedral compilers (Pluto). |
2,496 | Integrating Symmetry into Differentiable Planning | We study how group symmetry helps improve data efficiency and generalization
for end-to-end differentiable planning algorithms, specifically on 2D robotic
path planning problems: navigation and manipulation. We first formalize the
idea from Value Iteration Networks (VINs) on using convolutional networks for
path planning, because it avoids explicitly constructing equivalence classes
and enable end-to-end planning. We then show that value iteration can always be
represented as some convolutional form for (2D) path planning, and name the
resulting paradigm Symmetric Planner (SymPlan). In implementation, we use
steerable convolution networks to incorporate symmetry. Our algorithms on
navigation and manipulation, with given or learned maps, improve training
efficiency and generalization performance by large margins over non-equivariant
counterparts, VIN and GPPN. |
2,497 | Toward Certified Robustness Against Real-World Distribution Shifts | We consider the problem of certifying the robustness of deep neural networks
against real-world distribution shifts. To do so, we bridge the gap between
hand-crafted specifications and realistic deployment settings by proposing a
novel neural-symbolic verification framework, in which we train a generative
model to learn perturbations from data and define specifications with respect
to the output of the learned model. A unique challenge arising from this
setting is that existing verifiers cannot tightly approximate sigmoid
activations, which are fundamental to many state-of-the-art generative models.
To address this challenge, we propose a general meta-algorithm for handling
sigmoid activations which leverages classical notions of counter-example-guided
abstraction refinement. The key idea is to "lazily" refine the abstraction of
sigmoid functions to exclude spurious counter-examples found in the previous
abstraction, thus guaranteeing progress in the verification process while
keeping the state-space small. Experiments on the MNIST and CIFAR-10 datasets
show that our framework significantly outperforms existing methods on a range
of challenging distribution shifts. |
2,498 | Balanced background and explanation data are needed in explaining deep learning models with SHAP: An empirical study on clinical decision making | Objective: Shapley additive explanations (SHAP) is a popular post-hoc
technique for explaining black box models. While the impact of data imbalance
on predictive models has been extensively studied, it remains largely unknown
with respect to SHAP-based model explanations. This study sought to investigate
the effects of data imbalance on SHAP explanations for deep learning models,
and to propose a strategy to mitigate these effects. Materials and Methods: We
propose to adjust class distributions in the background and explanation data in
SHAP when explaining black box models. Our data balancing strategy is to
compose background data and explanation data with an equal distribution of
classes. To evaluate the effects of data adjustment on model explanation, we
propose to use the beeswarm plot as a qualitative tool to identify "abnormal"
explanation artifacts, and quantitatively test the consistency between variable
importance and prediction power. We demonstrated our proposed approach in an
empirical study that predicted inpatient mortality using the Medical
Information Mart for Intensive Care (MIMIC-III) data and a multilayer
perceptron. Results: Using the data balancing strategy would allow us to reduce
the number of the artifacts in the beeswarm plot, thus mitigating the negative
effects of data imbalance. Additionally, with the balancing strategy, the
top-ranked variables from the corresponding importance ranking demonstrated
improved discrimination power. Discussion and Conclusion: Our findings suggest
that balanced background and explanation data could help reduce the noise in
explanation results induced by skewed data distribution and improve the
reliability of variable importance ranking. Furthermore, these balancing
procedures improve the potential of SHAP in identifying patients with abnormal
characteristics in clinical applications. |
2,499 | Lower Bounds and Nearly Optimal Algorithms in Distributed Learning with Communication Compression | Recent advances in distributed optimization and learning have shown that
communication compression is one of the most effective means of reducing
communication. While there have been many results on convergence rates under
communication compression, a theoretical lower bound is still missing.
Analyses of algorithms with communication compression have attributed
convergence to two abstract properties: the unbiased property or the
contractive property. They can be applied with either unidirectional
compression (only messages from workers to server are compressed) or
bidirectional compression. In this paper, we consider distributed stochastic
algorithms for minimizing smooth and non-convex objective functions under
communication compression. We establish a convergence lower bound for
algorithms whether using unbiased or contractive compressors in unidirection or
bidirection. To close the gap between the lower bound and the existing upper
bounds, we further propose an algorithm, NEOLITHIC, which almost reaches our
lower bound (up to logarithm factors) under mild conditions. Our results also
show that using contractive bidirectional compression can yield iterative
methods that converge as fast as those using unbiased unidirectional
compression. The experimental results validate our findings. |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.