Unnamed: 0.1
int64 0
113k
| Unnamed: 0
float64 0
113k
⌀ | title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|---|---|
1,508 | null | 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. |
1,509 | null | 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. |
1,510 | null | 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. |
1,511 | null | 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. |
1,512 | null | 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. |
1,513 | null | 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. |
1,514 | null | 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. |
1,515 | null | 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. |
1,516 | null | 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. |
1,517 | null | 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%. |
1,518 | null | 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. |
1,519 | null | 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. |
1,520 | null | 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. |
1,521 | null | 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. |
1,522 | null | 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. |
1,523 | null | 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 |
1,524 | null | 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. |
1,525 | null | 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. |
1,526 | null | 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. |
1,527 | null | 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. |
1,528 | null | 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 |
1,529 | null | 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. |
1,530 | null | 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. |
1,531 | null | 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. |
1,532 | null | 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. |
1,533 | null | 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. |
1,534 | null | 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. |
1,535 | null | 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. |
1,536 | null | 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. |
1,537 | null | 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. |
1,538 | null | 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. |
1,539 | null | 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. |
1,540 | null | 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. |
1,541 | null | 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". |
1,542 | null | 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. |
1,543 | null | 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. |
1,544 | null | 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. |
1,545 | null | 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. |
1,546 | null | 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. |
1,547 | null | 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. |
1,548 | null | 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. |
1,549 | null | 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. |
1,550 | null | 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. |
1,551 | null | "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. |
1,552 | null | 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. |
1,553 | null | 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. |
1,554 | null | 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. |
1,555 | null | 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. |
1,556 | null | $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. |
1,557 | null | 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. |
1,558 | null | 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. |
1,559 | null | 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. |
1,560 | null | 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. |
1,561 | null | 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. |
1,562 | null | 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. |
1,563 | null | 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. |
1,564 | null | 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. |
1,565 | null | 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 |
1,566 | null | 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. |
1,567 | null | 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. |
1,568 | null | 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. |
1,569 | null | 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. |
1,570 | null | 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. |
1,571 | null | 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. |
1,572 | null | 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. |
1,573 | null | 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. |
1,574 | null | 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. |
1,575 | null | 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 to 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. |
1,576 | null | 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. |
1,577 | null | 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. |
1,578 | null | 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. |
1,579 | null | 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. |
1,580 | null | 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. |
1,581 | null | 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. |
1,582 | null | 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. |
1,583 | null | 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. |
1,584 | null | 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. |
1,585 | null | 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). |
1,586 | null | 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. |
1,587 | null | 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. |
1,588 | null | 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. |
1,589 | null | 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. |
1,590 | null | Scalable Online Disease Diagnosis via Multi-Model-Fused Actor-Critic Reinforcement Learning | For those seeking healthcare advice online, AI based dialogue agents capable
of interacting with patients to perform automatic disease diagnosis are a
viable option. This application necessitates efficient inquiry of relevant
disease symptoms in order to make accurate diagnosis recommendations. This can
be formulated as a problem of sequential feature (symptom) selection and
classification for which reinforcement learning (RL) approaches have been
proposed as a natural solution. They perform well when the feature space is
small, that is, the number of symptoms and diagnosable disease categories is
limited, but they frequently fail in assignments with a large number of
features. To address this challenge, we propose a Multi-Model-Fused
Actor-Critic (MMF-AC) RL framework that consists of a generative actor network
and a diagnostic critic network. The actor incorporates a Variational
AutoEncoder (VAE) to model the uncertainty induced by partial observations of
features, thereby facilitating in making appropriate inquiries. In the critic
network, a supervised diagnosis model for disease predictions is involved to
precisely estimate the state-value function. Furthermore, inspired by the
medical concept of differential diagnosis, we combine the generative and
diagnosis models to create a novel reward shaping mechanism to address the
sparse reward problem in large search spaces. We conduct extensive experiments
on both synthetic and real-world datasets for empirical evaluations. The
results demonstrate that our approach outperforms state-of-the-art methods in
terms of diagnostic accuracy and interaction efficiency while also being more
effectively scalable to large search spaces. Besides, our method is adaptable
to both categorical and continuous features, making it ideal for online
applications. |
1,591 | null | Joint Adversarial Learning for Cross-domain Fair Classification | Modern machine learning (ML) models are becoming increasingly popular and are
widely used in decision-making systems. However, studies have shown critical
issues of ML discrimination and unfairness, which hinder their adoption on
high-stake applications. Recent research on fair classifiers has drawn
significant attention to develop effective algorithms to achieve fairness and
good classification performance. Despite the great success of these
fairness-aware machine learning models, most of the existing models require
sensitive attributes to preprocess the data, regularize the model learning or
postprocess the prediction to have fair predictions. However, sensitive
attributes are often incomplete or even unavailable due to privacy, legal or
regulation restrictions. Though we lack the sensitive attribute for training a
fair model in the target domain, there might exist a similar domain that has
sensitive attributes. Thus, it is important to exploit auxiliary information
from the similar domain to help improve fair classification in the target
domain. Therefore, in this paper, we study a novel problem of exploring domain
adaptation for fair classification. We propose a new framework that can
simultaneously estimate the sensitive attributes while learning a fair
classifier in the target domain. Extensive experiments on real-world datasets
illustrate the effectiveness of the proposed model for fair classification,
even when no sensitive attributes are available in the target domain. |
1,592 | null | pFL-Bench: A Comprehensive Benchmark for Personalized Federated Learning | Personalized Federated Learning (pFL), which utilizes and deploys distinct
local models, has gained increasing attention in recent years due to its
success in handling the statistical heterogeneity of FL clients. However,
standardized evaluation and systematical analysis of diverse pFL methods remain
a challenge. Firstly, the highly varied datasets, FL simulation settings and
pFL implementations prevent fast and fair comparisons of pFL methods. Secondly,
the effectiveness and robustness of pFL methods are under-explored in various
practical scenarios, such as new clients generalization and resource-limited
clients participation. Finally, the current pFL literature diverges in the
adopted evaluation and ablation protocols. To tackle these challenges, we
propose the first comprehensive pFL benchmark, pFL-Bench, for facilitating
rapid, reproducible, standardized and thorough pFL evaluation. The proposed
benchmark contains more than 10 datasets in diverse application domains with
unified data partition and realistic heterogeneous settings; a modular and
easy-to-extend pFL codebase with more than 20 competitive pFL baseline
implementations; and systematic evaluations under containerized environments in
terms of generalization, fairness, system overhead, and convergence. We
highlight the benefits and potential of state-of-the-art pFL methods and hope
pFL-Bench enables further pFL research and broad applications that would
otherwise be difficult owing to the absence of a dedicated benchmark. The code
is released at
https://github.com/alibaba/FederatedScope/tree/master/benchmark/pFL-Bench. |
1,593 | null | Solving the Spike Feature Information Vanishing Problem in Spiking Deep Q Network with Potential Based Normalization | Brain inspired spiking neural networks (SNNs) have been successfully applied
to many pattern recognition domains. The SNNs based deep structure have
achieved considerable results in perceptual tasks, such as image
classification, target detection. However, the application of deep SNNs in
reinforcement learning (RL) tasks is still a problem to be explored. Although
there have been previous studies on the combination of SNNs and RL, most of
them focus on robotic control problems with shallow networks or using ANN-SNN
conversion method to implement spiking deep Q Network (SDQN). In this work, we
mathematically analyzed the problem of the disappearance of spiking signal
features in SDQN and proposed a potential based layer normalization(pbLN)
method to directly train spiking deep Q networks. Experiment shows that
compared with state-of-art ANN-SNN conversion method and other SDQN works, the
proposed pbLN spiking deep Q networks (PL-SDQN) achieved better performance on
Atari game tasks. |
1,594 | null | Neural Bandit with Arm Group Graph | Contextual bandits aim to identify among a set of arms the optimal one with
the highest reward based on their contextual information. Motivated by the fact
that the arms usually exhibit group behaviors and the mutual impacts exist
among groups, we introduce a new model, Arm Group Graph (AGG), where the nodes
represent the groups of arms and the weighted edges formulate the correlations
among groups. To leverage the rich information in AGG, we propose a bandit
algorithm, AGG-UCB, where the neural networks are designed to estimate rewards,
and we propose to utilize graph neural networks (GNN) to learn the
representations of arm groups with correlations. To solve the
exploitation-exploration dilemma in bandits, we derive a new upper confidence
bound (UCB) built on neural networks (exploitation) for exploration.
Furthermore, we prove that AGG-UCB can achieve a near-optimal regret bound with
over-parameterized neural networks, and provide the convergence analysis of GNN
with fully-connected layers which may be of independent interest. In the end,
we conduct extensive experiments against state-of-the-art baselines on multiple
public data sets, showing the effectiveness of the proposed algorithm. |
1,595 | null | Alternately Optimized Graph Neural Networks | Graph Neural Networks (GNNs) have demonstrated powerful representation
capability in numerous graph-based tasks. Specifically, the decoupled
structures of GNNs such as APPNP become popular due to their simplicity and
performance advantages. However, the end-to-end training of these GNNs makes
them inefficient in computation and memory consumption. In order to deal with
these limitations, in this work, we propose an alternating optimization
framework for graph neural networks that does not require end-to-end training.
Extensive experiments under different settings demonstrate that the performance
of the proposed algorithm is comparable to existing state-of-the-art algorithms
but has significantly better computation and memory efficiency. Additionally,
we show that our framework can be taken advantage to enhance existing decoupled
GNNs. |
1,596 | null | Network Report: A Structured Description for Network Datasets | The rapid development of network science and technologies depends on
shareable datasets. Currently, there is no standard practice for reporting and
sharing network datasets. Some network dataset providers only share links,
while others provide some contexts or basic statistics. As a result, critical
information may be unintentionally dropped, and network dataset consumers may
misunderstand or overlook critical aspects. Inappropriately using a network
dataset can lead to severe consequences (e.g., discrimination) especially when
machine learning models on networks are deployed in high-stake domains.
Challenges arise as networks are often used across different domains (e.g.,
network science, physics, etc) and have complex structures. To facilitate the
communication between network dataset providers and consumers, we propose
network report. A network report is a structured description that summarizes
and contextualizes a network dataset. Network report extends the idea of
dataset reports (e.g., Datasheets for Datasets) from prior work with
network-specific descriptions of the non-i.i.d. nature, demographic
information, network characteristics, etc. We hope network reports encourage
transparency and accountability in network research and development across
different fields. |
1,597 | null | Ensembles for Uncertainty Estimation: Benefits of Prior Functions and Bootstrapping | In machine learning, an agent needs to estimate uncertainty to efficiently
explore and adapt and to make effective decisions. A common approach to
uncertainty estimation maintains an ensemble of models. In recent years,
several approaches have been proposed for training ensembles, and conflicting
views prevail with regards to the importance of various ingredients of these
approaches. In this paper, we aim to address the benefits of two ingredients --
prior functions and bootstrapping -- which have come into question. We show
that prior functions can significantly improve an ensemble agent's joint
predictions across inputs and that bootstrapping affords additional benefits if
the signal-to-noise ratio varies across inputs. Our claims are justified by
both theoretical and experimental results. |
1,598 | null | Can Backdoor Attacks Survive Time-Varying Models? | Backdoors are powerful attacks against deep neural networks (DNNs). By
poisoning training data, attackers can inject hidden rules (backdoors) into
DNNs, which only activate on inputs containing attack-specific triggers. While
existing work has studied backdoor attacks on a variety of DNN models, they
only consider static models, which remain unchanged after initial deployment.
In this paper, we study the impact of backdoor attacks on a more realistic
scenario of time-varying DNN models, where model weights are updated
periodically to handle drifts in data distribution over time. Specifically, we
empirically quantify the "survivability" of a backdoor against model updates,
and examine how attack parameters, data drift behaviors, and model update
strategies affect backdoor survivability. Our results show that one-shot
backdoor attacks (i.e., only poisoning training data once) do not survive past
a few model updates, even when attackers aggressively increase trigger size and
poison ratio. To stay unaffected by model update, attackers must continuously
introduce corrupted data into the training pipeline. Together, these results
indicate that when models are updated to learn new data, they also "forget"
backdoors as hidden, malicious features. The larger the distribution shift
between old and new training data, the faster backdoors are forgotten.
Leveraging these insights, we apply a smart learning rate scheduler to further
accelerate backdoor forgetting during model updates, which prevents one-shot
backdoors from surviving past a single model update. |
1,599 | null | Subject Granular Differential Privacy in Federated Learning | This paper introduces subject granular privacy in the Federated Learning (FL)
setting, where a subject is an individual whose private information is embodied
by several data items either confined within a single federation user or
distributed across multiple federation users. We formally define the notion of
subject level differential privacy for FL. We propose three new algorithms that
enforce subject level DP. Two of these algorithms are based on notions of user
level local differential privacy (LDP) and group differential privacy
respectively. The third algorithm is based on a novel idea of hierarchical
gradient averaging (HiGradAvgDP) for subjects participating in a training
mini-batch. We also introduce horizontal composition of privacy loss for a
subject across multiple federation users. We show that horizontal composition
is equivalent to sequential composition in the worst case. We prove the subject
level DP guarantee for all our algorithms and empirically analyze them using
the FEMNIST and Shakespeare datasets. Our evaluation shows that, of our three
algorithms, HiGradAvgDP delivers the best model performance, approaching that
of a model trained using a DP-SGD based algorithm that provides a weaker item
level privacy guarantee. |
1,600 | null | Predictive Modeling of Charge Levels for Battery Electric Vehicles using CNN EfficientNet and IGTD Algorithm | Convolutional Neural Networks (CNN) have been a good solution for
understanding a vast image dataset. As the increased number of battery-equipped
electric vehicles is flourishing globally, there has been much research on
understanding which charge levels electric vehicle drivers would choose to
charge their vehicles to get to their destination without any prevention. We
implemented deep learning approaches to analyze the tabular datasets to
understand their state of charge and which charge levels they would choose. In
addition, we implemented the Image Generator for Tabular Dataset algorithm to
utilize tabular datasets as image datasets to train convolutional neural
networks. Also, we integrated other CNN architecture such as EfficientNet to
prove that CNN is a great learner for reading information from images that were
converted from the tabular dataset, and able to predict charge levels for
battery-equipped electric vehicles. We also evaluated several optimization
methods to enhance the learning rate of the models and examined further
analysis on improving the model architecture. |
1,601 | null | FedPop: A Bayesian Approach for Personalised Federated Learning | Personalised federated learning (FL) aims at collaboratively learning a
machine learning model taylored for each client. Albeit promising advances have
been made in this direction, most of existing approaches works do not allow for
uncertainty quantification which is crucial in many applications. In addition,
personalisation in the cross-device setting still involves important issues,
especially for new clients or those having small number of observations. This
paper aims at filling these gaps. To this end, we propose a novel methodology
coined FedPop by recasting personalised FL into the population modeling
paradigm where clients' models involve fixed common population parameters and
random effects, aiming at explaining data heterogeneity. To derive convergence
guarantees for our scheme, we introduce a new class of federated stochastic
optimisation algorithms which relies on Markov chain Monte Carlo methods.
Compared to existing personalised FL methods, the proposed methodology has
important benefits: it is robust to client drift, practical for inference on
new clients, and above all, enables uncertainty quantification under mild
computational and memory overheads. We provide non-asymptotic convergence
guarantees for the proposed algorithms and illustrate their performances on
various personalised federated learning tasks. |
1,602 | null | Towards Scalable Hyperbolic Neural Networks using Taylor Series Approximations | Hyperbolic networks have shown prominent improvements over their Euclidean
counterparts in several areas involving hierarchical datasets in various
domains such as computer vision, graph analysis, and natural language
processing. However, their adoption in practice remains restricted due to (i)
non-scalability on accelerated deep learning hardware, (ii) vanishing gradients
due to the closure of hyperbolic space, and (iii) information loss due to
frequent mapping between local tangent space and fully hyperbolic space. To
tackle these issues, we propose the approximation of hyperbolic operators using
Taylor series expansions, which allows us to reformulate the computationally
expensive tangent and cosine hyperbolic functions into their polynomial
equivariants which are more efficient. This allows us to retain the benefits of
preserving the hierarchical anatomy of the hyperbolic space, while maintaining
the scalability over current accelerated deep learning infrastructure. The
polynomial formulation also enables us to utilize the advancements in Euclidean
networks such as gradient clipping and ReLU activation to avoid vanishing
gradients and remove errors due to frequent switching between tangent space and
hyperbolic space. Our empirical evaluation on standard benchmarks in the domain
of graph analysis and computer vision shows that our polynomial formulation is
as scalable as Euclidean architectures, both in terms of memory and time
complexity, while providing results as effective as hyperbolic models.
Moreover, our formulation also shows a considerable improvement over its
baselines due to our solution to vanishing gradients and information loss. |
1,603 | null | Decoupled Self-supervised Learning for Non-Homophilous Graphs | In this paper, we study the problem of conducting self-supervised learning
for node representation learning on non-homophilous graphs. Existing
self-supervised learning methods typically assume the graph is homophilous
where linked nodes often belong to the same class or have similar features.
However, such assumptions of homophily do not always hold true in real-world
graphs. We address this problem by developing a decoupled self-supervised
learning (DSSL) framework for graph neural networks. DSSL imitates a generative
process of nodes and links from latent variable modeling of the semantic
structure, which decouples different underlying semantics between different
neighborhoods into the self-supervised node learning process. Our DSSL
framework is agnostic to the encoders and does not need prefabricated
augmentations, thus is flexible to different graphs. To effectively optimize
the framework with latent variables, we derive the evidence lower-bound of the
self-supervised objective and develop a scalable training algorithm with
variational inference. We provide a theoretical analysis to justify that DSSL
enjoys better downstream performance. Extensive experiments on various types of
graph benchmarks demonstrate that our proposed framework can significantly
achieve better performance compared with competitive self-supervised learning
baselines. |
1,604 | null | One Ring to Bring Them All: Towards Open-Set Recognition under Domain Shift | In this paper, we investigate $\textit{open-set recognition}$ with domain
shift, where the final goal is to achieve $\textit{Source-free Universal Domain
Adaptation}$ (SF-UNDA), which addresses the situation where there exist both
domain and category shifts between source and target domains. Under the SF-UNDA
setting, the model cannot access source data anymore during target adaptation,
which aims to address data privacy concerns. We propose a novel training scheme
to learn a ($n$+1)-way classifier to predict the $n$ source classes and the
unknown class, where samples of only known source categories are available for
training. Furthermore, for target adaptation, we simply adopt a weighted
entropy minimization to adapt the source pretrained model to the unlabeled
target domain without source data. In experiments, we show: $\textbf{1)}$ After
source training, the resulting source model can get excellent performance for
$\textit{open-set single domain generalization}$ and also $\textit{open-set
recognition}$ tasks; $\textbf{2)}$ After target adaptation, our method
surpasses current UNDA approaches which demand source data during adaptation on
several benchmarks. The versatility to several different tasks strongly proves
the efficacy and generalization ability of our method. $\textbf{3)}$ When
augmented with a closed-set domain adaptation approach during target
adaptation, our source-free method further outperforms the current
state-of-the-art UNDA method by 2.5%, 7.2% and 13% on Office-31, Office-Home
and VisDA respectively. Code will be available in
https://github.com/Albert0147/OneRing. |
1,605 | null | Meta-Learning Transferable Parameterized Skills | We propose a novel parameterized skill-learning algorithm that aims to learn
transferable parameterized skills and synthesize them into a new action space
that supports efficient learning in long-horizon tasks. We first propose novel
learning objectives -- trajectory-centric diversity and smoothness -- that
allow an agent to meta-learn reusable parameterized skills. Our agent can use
these learned skills to construct a temporally-extended parameterized-action
Markov decision process, for which we propose a hierarchical actor-critic
algorithm that aims to efficiently learn a high-level control policy with the
learned skills. We empirically demonstrate that the proposed algorithms enable
an agent to solve a complicated long-horizon obstacle-course environment. |
1,606 | null | Neural Network Compression via Effective Filter Analysis and Hierarchical Pruning | Network compression is crucial to making the deep networks to be more
efficient, faster, and generalizable to low-end hardware. Current network
compression methods have two open problems: first, there lacks a theoretical
framework to estimate the maximum compression rate; second, some layers may get
over-prunned, resulting in significant network performance drop. To solve these
two problems, this study propose a gradient-matrix singularity analysis-based
method to estimate the maximum network redundancy. Guided by that maximum rate,
a novel and efficient hierarchical network pruning algorithm is developed to
maximally condense the neuronal network structure without sacrificing network
performance. Substantial experiments are performed to demonstrate the efficacy
of the new method for pruning several advanced convolutional neural network
(CNN) architectures. Compared to existing pruning methods, the proposed pruning
algorithm achieved state-of-the-art performance. At the same or similar
compression ratio, the new method provided the highest network prediction
accuracy as compared to other methods. |
1,607 | null | Click prediction boosting via Bayesian hyperparameter optimization based ensemble learning pipelines | Online travel agencies (OTA's) advertise their website offers on meta-search
bidding engines. The problem of predicting the number of clicks a hotel would
receive for a given bid amount is an important step in the management of an
OTA's advertisement campaign on a meta-search engine, because bid times number
of clicks defines the cost to be generated. Various regressors are ensembled in
this work to improve click prediction performance. Following the preprocessing
procedures, the feature set is divided into train and test groups depending on
the logging date of the samples. The data collection is then subjected to
feature elimination via utilizing XGBoost, which significantly reduces the
dimension of features. The optimum hyper-parameters are then found by applying
Bayesian hyperparameter optimization to XGBoost, LightGBM, and SGD models. The
different trained models are tested separately as well as combined to form
ensemble models. Four alternative ensemble solutions have been suggested. The
same test set is used to test both individual and ensemble models, and the
results of 46 model combinations demonstrate that stack ensemble models yield
the desired R2 score of all. In conclusion, the ensemble model improves the
prediction performance by about 10%. |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.