Unnamed: 0.1
int64 0
113k
| Unnamed: 0
float64 0
113k
⌀ | title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|---|---|
112,100 | 112,100 | On Calibrated Model Uncertainty in Deep Learning | Estimated uncertainty by approximate posteriors in Bayesian neural networks
are prone to miscalibration, which leads to overconfident predictions in
critical tasks that have a clear asymmetric cost or significant losses. Here,
we extend the approximate inference for the loss-calibrated Bayesian framework
to dropweights based Bayesian neural networks by maximising expected utility
over a model posterior to calibrate uncertainty in deep learning. Furthermore,
we show that decisions informed by loss-calibrated uncertainty can improve
diagnostic performance to a greater extent than straightforward alternatives.
We propose Maximum Uncertainty Calibration Error (MUCE) as a metric to measure
calibrated confidence, in addition to its prediction especially for high-risk
applications, where the goal is to minimise the worst-case deviation between
error and estimated uncertainty. In experiments, we show the correlation
between error in prediction and estimated uncertainty by interpreting
Wasserstein distance as the accuracy of prediction. We evaluated the
effectiveness of our approach to detecting Covid-19 from X-Ray images.
Experimental results show that our method reduces miscalibration considerably,
without impacting the models accuracy and improves reliability of
computer-based diagnostics.
|
112,101 | 112,101 | FixEval: Execution-based Evaluation of Program Fixes for Competitive
Programming Problems | Source code repositories consist of large codebases, often containing
error-prone programs. The increasing complexity of software has led to a
drastic rise in time and costs for identifying and fixing these defects.
Various methods exist to automatically generate fixes for buggy code. However,
due to the large combinatorial space of possible solutions for a particular
bug, there are not many tools and datasets available to evaluate generated code
effectively. In this work, we introduce FixEval, a benchmark comprising buggy
code submissions to competitive programming problems and their respective
fixes. We introduce a rich test suite to evaluate and assess the correctness of
model-generated program fixes. We consider two Transformer language models
pretrained on programming languages as our baselines, and compare them using
match-based and execution-based evaluation metrics. Our experiments show that
match-based metrics do not reflect model-generated program fixes accurately,
while execution-based methods evaluate programs through all cases and scenarios
specifically designed for that solution. Therefore, we believe FixEval provides
a step towards real-world automatic bug fixing and model-generated code
evaluation.
|
112,102 | 112,102 | Gaussian Blue Noise | Among the various approaches for producing point distributions with blue
noise spectrum, we argue for an optimization framework using Gaussian kernels.
We show that with a wise selection of optimization parameters, this approach
attains unprecedented quality, provably surpassing the current state of the art
attained by the optimal transport (BNOT) approach. Further, we show that our
algorithm scales smoothly and feasibly to high dimensions while maintaining the
same quality, realizing unprecedented high-quality high-dimensional blue noise
sets. Finally, we show an extension to adaptive sampling.
|
112,103 | 112,103 | Beyond Adult and COMPAS: Fairness in Multi-Class Prediction | We consider the problem of producing fair probabilistic classifiers for
multi-class classification tasks. We formulate this problem in terms of
"projecting" a pre-trained (and potentially unfair) classifier onto the set of
models that satisfy target group-fairness requirements. The new, projected
model is given by post-processing the outputs of the pre-trained classifier by
a multiplicative factor. We provide a parallelizable iterative algorithm for
computing the projected classifier and derive both sample complexity and
convergence guarantees. Comprehensive numerical comparisons with
state-of-the-art benchmarks demonstrate that our approach maintains competitive
performance in terms of accuracy-fairness trade-off curves, while achieving
favorable runtime on large datasets. We also evaluate our method at scale on an
open dataset with multiple classes, multiple intersectional protected groups,
and over 1M samples.
|
112,104 | 112,104 | Alexa Teacher Model: Pretraining and Distilling Multi-Billion-Parameter
Encoders for Natural Language Understanding Systems | We present results from a large-scale experiment on pretraining encoders with
non-embedding parameter counts ranging from 700M to 9.3B, their subsequent
distillation into smaller models ranging from 17M-170M parameters, and their
application to the Natural Language Understanding (NLU) component of a virtual
assistant system. Though we train using 70% spoken-form data, our teacher
models perform comparably to XLM-R and mT5 when evaluated on the written-form
Cross-lingual Natural Language Inference (XNLI) corpus. We perform a second
stage of pretraining on our teacher models using in-domain data from our
system, improving error rates by 3.86% relative for intent classification and
7.01% relative for slot filling. We find that even a 170M-parameter model
distilled from our Stage 2 teacher model has 2.88% better intent classification
and 7.69% better slot filling error rates when compared to the 2.3B-parameter
teacher trained only on public data (Stage 1), emphasizing the importance of
in-domain data for pretraining. When evaluated offline using labeled NLU data,
our 17M-parameter Stage 2 distilled model outperforms both XLM-R Base (85M
params) and DistillBERT (42M params) by 4.23% to 6.14%, respectively. Finally,
we present results from a full virtual assistant experimentation platform,
where we find that models trained using our pretraining and distillation
pipeline outperform models distilled from 85M-parameter teachers by 3.74%-4.91%
on an automatic measurement of full-system user dissatisfaction.
|
112,105 | 112,105 | Search-Based Testing Approach for Deep Reinforcement Learning Agents | Deep Reinforcement Learning (DRL) algorithms have been increasingly employed
during the last decade to solve various decision-making problems such as
autonomous driving and robotics. However, these algorithms have faced great
challenges when deployed in safety-critical environments since they often
exhibit erroneous behaviors that can lead to potentially critical errors. One
way to assess the safety of DRL agents is to test them to detect possible
faults leading to critical failures during their execution. This raises the
question of how we can efficiently test DRL policies to ensure their
correctness and adherence to safety requirements. Most existing works on
testing DRL agents use adversarial attacks that perturb states or actions of
the agent. However, such attacks often lead to unrealistic states of the
environment. Their main goal is to test the robustness of DRL agents rather
than testing the compliance of agents' policies with respect to requirements.
Due to the huge state space of DRL environments, the high cost of test
execution, and the black-box nature of DRL algorithms, the exhaustive testing
of DRL agents is impossible. In this paper, we propose a Search-based Testing
Approach of Reinforcement Learning Agents (STARLA) to test the policy of a DRL
agent by effectively searching for failing executions of the agent within a
limited testing budget. We use machine learning models and a dedicated genetic
algorithm to narrow the search towards faulty episodes. We apply STARLA on a
Deep-Q-Learning agent which is widely used as a benchmark and show that it
significantly outperforms Random Testing by detecting more faults related to
the agent's policy. We also investigate how to extract rules that characterize
faulty episodes of the DRL agent using our search results. Such rules can be
used to understand the conditions under which the agent fails and thus assess
its deployment risks.
|
112,106 | 112,106 | Large-Scale Differentiable Causal Discovery of Factor Graphs | A common theme in causal inference is learning causal relationships between
observed variables, also known as causal discovery. This is usually a daunting
task, given the large number of candidate causal graphs and the combinatorial
nature of the search space. Perhaps for this reason, most research has so far
focused on relatively small causal graphs, with up to hundreds of nodes.
However, recent advances in fields like biology enable generating experimental
data sets with thousands of interventions followed by rich profiling of
thousands of variables, raising the opportunity and urgent need for large
causal graph models. Here, we introduce the notion of factor directed acyclic
graphs (f-DAGs) as a way to restrict the search space to non-linear low-rank
causal interaction models. Combining this novel structural assumption with
recent advances that bridge the gap between causal discovery and continuous
optimization, we achieve causal discovery on thousands of variables.
Additionally, as a model for the impact of statistical noise on this estimation
procedure, we study a model of edge perturbations of the f-DAG skeleton based
on random graphs and quantify the effect of such perturbations on the f-DAG
rank. This theoretical analysis suggests that the set of candidate f-DAGs is
much smaller than the whole DAG space and thus more statistically robust in the
high-dimensional regime where the underlying skeleton is hard to assess. We
propose Differentiable Causal Discovery of Factor Graphs (DCD-FG), a scalable
implementation of f-DAG constrained causal discovery for high-dimensional
interventional data. DCD-FG uses a Gaussian non-linear low-rank structural
equation model and shows significant improvements compared to state-of-the-art
methods in both simulations as well as a recent large-scale single-cell RNA
sequencing data set with hundreds of genetic interventions.
|
112,107 | 112,107 | Metric-Fair Classifier Derandomization | We study the problem of \emph{classifier derandomization} in machine
learning: given a stochastic binary classifier $f: X \to [0,1]$, sample a
deterministic classifier $\hat{f}: X \to \{0,1\}$ that approximates the output
of $f$ in aggregate over any data distribution. Recent work revealed how to
efficiently derandomize a stochastic classifier with strong output
approximation guarantees, but at the cost of individual fairness -- that is, if
$f$ treated similar inputs similarly, $\hat{f}$ did not. In this paper, we
initiate a systematic study of classifier derandomization with metric fairness
guarantees. We show that the prior derandomization approach is almost maximally
metric-unfair, and that a simple ``random threshold'' derandomization achieves
optimal fairness preservation but with weaker output approximation. We then
devise a derandomization procedure that provides an appealing tradeoff between
these two: if $f$ is $\alpha$-metric fair according to a metric $d$ with a
locality-sensitive hash (LSH) family, then our derandomized $\hat{f}$ is, with
high probability, $O(\alpha)$-metric fair and a close approximation of $f$. We
also prove generic results applicable to all (fair and unfair) classifier
derandomization procedures, including a bias-variance decomposition and
reductions between various notions of metric fairness.
|
112,108 | 112,108 | Adaptive Expert Models for Personalization in Federated Learning | Federated Learning (FL) is a promising framework for distributed learning
when data is private and sensitive. However, the state-of-the-art solutions in
this framework are not optimal when data is heterogeneous and non-Independent
and Identically Distributed (non-IID). We propose a practical and robust
approach to personalization in FL that adjusts to heterogeneous and non-IID
data by balancing exploration and exploitation of several global models. To
achieve our aim of personalization, we use a Mixture of Experts (MoE) that
learns to group clients that are similar to each other, while using the global
models more efficiently. We show that our approach achieves an accuracy up to
29.78 % and up to 4.38 % better compared to a local model in a pathological
non-IID setting, even though we tune our approach in the IID setting.
|
112,109 | 112,109 | Efficient Approximation of Expected Hypervolume Improvement using
Gauss-Hermite Quadrature | Many methods for performing multi-objective optimisation of computationally
expensive problems have been proposed recently. Typically, a probabilistic
surrogate for each objective is constructed from an initial dataset. The
surrogates can then be used to produce predictive densities in the objective
space for any solution. Using the predictive densities, we can compute the
expected hypervolume improvement (EHVI) due to a solution. Maximising the EHVI,
we can locate the most promising solution that may be expensively evaluated
next. There are closed-form expressions for computing the EHVI, integrating
over the multivariate predictive densities. However, they require partitioning
the objective space, which can be prohibitively expensive for more than three
objectives. Furthermore, there are no closed-form expressions for a problem
where the predictive densities are dependent, capturing the correlations
between objectives. Monte Carlo approximation is used instead in such cases,
which is not cheap. Hence, the need to develop new accurate but cheaper
approximation methods remains. Here we investigate an alternative approach
toward approximating the EHVI using Gauss-Hermite quadrature. We show that it
can be an accurate alternative to Monte Carlo for both independent and
correlated predictive densities with statistically significant rank
correlations for a range of popular test problems.
|
112,110 | 112,110 | Modeling the Data-Generating Process is Necessary for
Out-of-Distribution Generalization | Real-world data collected from multiple domains can have multiple, distinct
distribution shifts over multiple attributes. However, state-of-the art
advances in domain generalization (DG) algorithms focus only on specific shifts
over a single attribute. We introduce datasets with multi-attribute
distribution shifts and find that existing DG algorithms fail to generalize. To
explain this, we use causal graphs to characterize the different types of
shifts based on the relationship between spurious attributes and the
classification label. Each multi-attribute causal graph entails different
constraints over observed variables, and therefore any algorithm based on a
single, fixed independence constraint cannot work well across all shifts. We
present Causally Adaptive Constraint Minimization (CACM), a new algorithm for
identifying the correct independence constraints for regularization. Results on
fully synthetic, MNIST and small NORB datasets, covering binary and
multi-valued attributes and labels, confirm our theoretical claim: correct
independence constraints lead to the highest accuracy on unseen domains whereas
incorrect constraints fail to do so. Our results demonstrate the importance of
modeling the causal relationships inherent in the data-generating process: in
many cases, it is impossible to know the correct regularization constraints
without this information.
|
112,111 | 112,111 | Linearity Grafting: Relaxed Neuron Pruning Helps Certifiable Robustness | Certifiable robustness is a highly desirable property for adopting deep
neural networks (DNNs) in safety-critical scenarios, but often demands tedious
computations to establish. The main hurdle lies in the massive amount of
non-linearity in large DNNs. To trade off the DNN expressiveness (which calls
for more non-linearity) and robustness certification scalability (which prefers
more linearity), we propose a novel solution to strategically manipulate
neurons, by "grafting" appropriate levels of linearity. The core of our
proposal is to first linearize insignificant ReLU neurons, to eliminate the
non-linear components that are both redundant for DNN performance and harmful
to its certification. We then optimize the associated slopes and intercepts of
the replaced linear activations for restoring model performance while
maintaining certifiability. Hence, typical neuron pruning could be viewed as a
special case of grafting a linear function of the fixed zero slopes and
intercept, that might overly restrict the network flexibility and sacrifice its
performance. Extensive experiments on multiple datasets and network backbones
show that our linearity grafting can (1) effectively tighten certified bounds;
(2) achieve competitive certifiable robustness without certified robust
training (i.e., over 30% improvements on CIFAR-10 models); and (3) scale up
complete verification to large adversarially trained models with 17M
parameters. Codes are available at
https://github.com/VITA-Group/Linearity-Grafting.
|
112,112 | 112,112 | Architectural Backdoors in Neural Networks | Machine learning is vulnerable to adversarial manipulation. Previous
literature has demonstrated that at the training stage attackers can manipulate
data and data sampling procedures to control model behaviour. A common attack
goal is to plant backdoors i.e. force the victim model to learn to recognise a
trigger known only by the adversary. In this paper, we introduce a new class of
backdoor attacks that hide inside model architectures i.e. in the inductive
bias of the functions used to train. These backdoors are simple to implement,
for instance by publishing open-source code for a backdoored model architecture
that others will reuse unknowingly. We demonstrate that model architectural
backdoors represent a real threat and, unlike other approaches, can survive a
complete re-training from scratch. We formalise the main construction
principles behind architectural backdoors, such as a link between the input and
the output, and describe some possible protections against them. We evaluate
our attacks on computer vision benchmarks of different scales and demonstrate
the underlying vulnerability is pervasive in a variety of training settings.
|
112,113 | 112,113 | Queried Unlabeled Data Improves and Robustifies Class-Incremental
Learning | Class-incremental learning (CIL) suffers from the notorious dilemma between
learning newly added classes and preserving previously learned class knowledge.
That catastrophic forgetting issue could be mitigated by storing historical
data for replay, which yet would cause memory overheads as well as imbalanced
prediction updates. To address this dilemma, we propose to leverage "free"
external unlabeled data querying in continual learning. We first present a CIL
with Queried Unlabeled Data (CIL-QUD) scheme, where we only store a handful of
past training samples as anchors and use them to query relevant unlabeled
examples each time. Along with new and past stored data, the queried unlabeled
are effectively utilized, through learning-without-forgetting (LwF)
regularizers and class-balance training. Besides preserving model
generalization over past and current tasks, we next study the problem of
adversarial robustness for CIL-QUD. Inspired by the recent success of learning
robust models with unlabeled data, we explore a new robustness-aware CIL
setting, where the learned adversarial robustness has to resist forgetting and
be transferred as new tasks come in continually. While existing options easily
fail, we show queried unlabeled data can continue to benefit, and seamlessly
extend CIL-QUD into its robustified versions, RCIL-QUD. Extensive experiments
demonstrate that CIL-QUD achieves substantial accuracy gains on CIFAR-10 and
CIFAR-100, compared to previous state-of-the-art CIL approaches. Moreover,
RCIL-QUD establishes the first strong milestone for robustness-aware CIL. Codes
are available in https://github.com/VITA-Group/CIL-QUD.
|
112,114 | 112,114 | Conformal prediction set for time-series | When building either prediction intervals for regression (with real-valued
response) or prediction sets for classification (with categorical responses),
uncertainty quantification is essential to studying complex machine learning
methods. In this paper, we develop Ensemble Regularized Adaptive Prediction Set
(ERAPS) to construct prediction sets for time-series (with categorical
responses), based on the prior work of [Xu and Xie, 2021]. In particular, we
allow unknown dependencies to exist within features and responses that arrive
in sequence. Method-wise, ERAPS is a distribution-free and ensemble-based
framework that is applicable for arbitrary classifiers. Theoretically, we bound
the coverage gap without assuming data exchangeability and show asymptotic set
convergence. Empirically, we demonstrate valid marginal and conditional
coverage by ERAPS, which also tends to yield smaller prediction sets than
competing methods.
|
112,115 | 112,115 | Performance analysis of coreset selection for quantum implementation of
K-Means clustering algorithm | Quantum computing is anticipated to offer immense computational capabilities
which could provide efficient solutions to many data science problems. However,
the current generation of quantum devices are small and noisy, which makes it
difficult to process large data sets relevant for practical problems. Coreset
selection aims to circumvent this problem by reducing the size of input data
without compromising the accuracy. Recent work has shown that coreset selection
can help to implement quantum K-Means clustering problem. However, the impact
of coreset selection on the performance of quantum K-Means clustering has not
been explored. In this work, we compare the relative performance of two coreset
techniques (BFL16 and ONESHOT), and the size of coreset construction in each
case, with respect to a variety of data sets and layout the advantages and
limitations of coreset selection in implementing quantum algorithms. We also
investigated the effect of depolarisation quantum noise and bit-flip error, and
implemented the Quantum AutoEncoder technique for surpassing the noise effect.
Our work provides useful insights for future implementation of data science
algorithms on near-term quantum devices where problem size has been reduced by
coreset selection.
|
112,116 | 112,116 | The Scattering Transform Network with Generalized Morse Wavelets and Its
Application to Music Genre Classification | We propose to use the Generalized Morse Wavelets (GMWs) instead of
commonly-used Morlet (or Gabor) wavelets in the Scattering Transform Network
(STN), which we call the GMW-STN, for signal classification problems. The GMWs
form a parameterized family of truly analytic wavelets while the Morlet
wavelets are only approximately analytic. The analyticity of underlying wavelet
filters in the STN is particularly important for nonstationary oscillatory
signals such as music signals because it improves interpretability of the STN
representations by providing multiscale amplitude and phase (and consequently
frequency) information of input signals. We demonstrate the superiority of the
GMW-STN over the conventional STN in music genre classification using the
so-called GTZAN database. Moreover, we show the performance improvement of the
GMW-STN by increasing its number of layers to three over the typical two-layer
STN.}
|
112,117 | 112,117 | EPG2S: Speech Generation and Speech Enhancement based on
Electropalatography and Audio Signals using Multimodal Learning | Speech generation and enhancement based on articulatory movements facilitate
communication when the scope of verbal communication is absent, e.g., in
patients who have lost the ability to speak. Although various techniques have
been proposed to this end, electropalatography (EPG), which is a monitoring
technique that records contact between the tongue and hard palate during
speech, has not been adequately explored. Herein, we propose a novel multimodal
EPG-to-speech (EPG2S) system that utilizes EPG and speech signals for speech
generation and enhancement. Different fusion strategies based on multiple
combinations of EPG and noisy speech signals are examined, and the viability of
the proposed method is investigated. Experimental results indicate that EPG2S
achieves desirable speech generation outcomes based solely on EPG signals.
Further, the addition of noisy speech signals is observed to improve quality
and intelligibility. Additionally, EPG2S is observed to achieve high-quality
speech enhancement based solely on audio signals, with the addition of EPG
signals further improving the performance. The late fusion strategy is deemed
to be the most effective approach for simultaneous speech generation and
enhancement.
|
112,118 | 112,118 | Let Invariant Rationale Discovery Inspire Graph Contrastive Learning | Leading graph contrastive learning (GCL) methods perform graph augmentations
in two fashions: (1) randomly corrupting the anchor graph, which could cause
the loss of semantic information, or (2) using domain knowledge to maintain
salient features, which undermines the generalization to other domains. Taking
an invariance look at GCL, we argue that a high-performing augmentation should
preserve the salient semantics of anchor graphs regarding
instance-discrimination. To this end, we relate GCL with invariant rationale
discovery, and propose a new framework, Rationale-aware Graph Contrastive
Learning (RGCL). Specifically, without supervision signals, RGCL uses a
rationale generator to reveal salient features about graph
instance-discrimination as the rationale, and then creates rationale-aware
views for contrastive learning. This rationale-aware pre-training scheme endows
the backbone model with the powerful representation ability, further
facilitating the fine-tuning on downstream tasks. On MNIST-Superpixel and MUTAG
datasets, visual inspections on the discovered rationales showcase that the
rationale generator successfully captures the salient features (i.e.
distinguishing semantic nodes in graphs). On biochemical molecule and social
network benchmark datasets, the state-of-the-art performance of RGCL
demonstrates the effectiveness of rationale-aware views for contrastive
learning. Our codes are available at https://github.com/lsh0520/RGCL.
|
112,119 | 112,119 | Optimization-Derived Learning with Essential Convergence Analysis of
Training and Hyper-training | Recently, Optimization-Derived Learning (ODL) has attracted attention from
learning and vision areas, which designs learning models from the perspective
of optimization. However, previous ODL approaches regard the training and
hyper-training procedures as two separated stages, meaning that the
hyper-training variables have to be fixed during the training process, and thus
it is also impossible to simultaneously obtain the convergence of training and
hyper-training variables. In this work, we design a Generalized
Krasnoselskii-Mann (GKM) scheme based on fixed-point iterations as our
fundamental ODL module, which unifies existing ODL methods as special cases.
Under the GKM scheme, a Bilevel Meta Optimization (BMO) algorithmic framework
is constructed to solve the optimal training and hyper-training variables
together. We rigorously prove the essential joint convergence of the
fixed-point iteration for training and the process of optimizing
hyper-parameters for hyper-training, both on the approximation quality, and on
the stationary analysis. Experiments demonstrate the efficiency of BMO with
competitive performance on sparse coding and real-world applications such as
image deconvolution and rain streak removal.
|
112,120 | 112,120 | Domain Generalization via Selective Consistency Regularization for Time
Series Classification | Domain generalization methods aim to learn models robust to domain shift with
data from a limited number of source domains and without access to target
domain samples during training. Popular domain alignment methods for domain
generalization seek to extract domain-invariant features by minimizing the
discrepancy between feature distributions across all domains, disregarding
inter-domain relationships. In this paper, we instead propose a novel
representation learning methodology that selectively enforces prediction
consistency between source domains estimated to be closely-related.
Specifically, we hypothesize that domains share different class-informative
representations, so instead of aligning all domains which can cause negative
transfer, we only regularize the discrepancy between closely-related domains.
We apply our method to time-series classification tasks and conduct
comprehensive experiments on three public real-world datasets. Our method
significantly improves over the baseline and achieves better or competitive
performance in comparison with state-of-the-art methods in terms of both
accuracy and model calibration.
|
112,121 | 112,121 | Accelerating Inference and Language Model Fusion of Recurrent Neural
Network Transducers via End-to-End 4-bit Quantization | We report on aggressive quantization strategies that greatly accelerate
inference of Recurrent Neural Network Transducers (RNN-T). We use a 4 bit
integer representation for both weights and activations and apply Quantization
Aware Training (QAT) to retrain the full model (acoustic encoder and language
model) and achieve near-iso-accuracy. We show that customized quantization
schemes that are tailored to the local properties of the network are essential
to achieve good performance while limiting the computational overhead of QAT.
Density ratio Language Model fusion has shown remarkable accuracy gains on
RNN-T workloads but it severely increases the computational cost of inference.
We show that our quantization strategies enable using large beam widths for
hypothesis search while achieving streaming-compatible runtimes and a full
model compression ratio of 7.6$\times$ compared to the full precision model.
Via hardware simulations, we estimate a 3.4$\times$ acceleration from FP16 to
INT4 for the end-to-end quantized RNN-T inclusive of LM fusion, resulting in a
Real Time Factor (RTF) of 0.06. On the NIST Hub5 2000, Hub5 2001, and RT-03
test sets, we retain most of the gains associated with LM fusion, improving the
average WER by $>$1.5%.
|
112,122 | 112,122 | Pure Exploration of Causal Bandits | Causal bandit problem integrates causal inference with multi-armed bandits.
The pure exploration of causal bandits is the following online learning task:
given a causal graph with unknown causal inference distributions, in each round
we can choose to either intervene one variable or do no intervention, and
observe the random outcomes of all random variables, with the goal that using
as few rounds as possible, we can output an intervention that gives the best
(or almost best) expected outcome on the reward variable $Y$ with probability
at least $1-\delta$, where $\delta$ is a given confidence level. We provide
first gap-dependent fully adaptive pure exploration algorithms on three types
of causal models including parallel graphs, general graphs with small number of
backdoor parents, and binary generalized linear models. Our algorithms improve
both prior causal bandit algorithms, which are not adaptive to reward gaps, and
prior adaptive pure exploration algorithms, which do not utilize the special
features of causal bandits.
|
112,123 | 112,123 | Generalization Bounds for Data-Driven Numerical Linear Algebra | Data-driven algorithms can adapt their internal structure or parameters to
inputs from unknown application-specific distributions, by learning from a
training sample of inputs. Several recent works have applied this approach to
problems in numerical linear algebra, obtaining significant empirical gains in
performance. However, no theoretical explanation for their success was known.
In this work we prove generalization bounds for those algorithms, within the
PAC-learning framework for data-driven algorithm selection proposed by Gupta
and Roughgarden (SICOMP 2017). Our main results are closely matching upper and
lower bounds on the fat shattering dimension of the learning-based low rank
approximation algorithm of Indyk et al.~(NeurIPS 2019). Our techniques are
general, and provide generalization bounds for many other recently proposed
data-driven algorithms in numerical linear algebra, covering both
sketching-based and multigrid-based methods. This considerably broadens the
class of data-driven algorithms for which a PAC-learning analysis is available.
|
112,124 | 112,124 | Max-Margin Works while Large Margin Fails: Generalization without
Uniform Convergence | A major challenge in modern machine learning is theoretically understanding
the generalization properties of overparameterized models. Many existing tools
rely on \em uniform convergence \em (UC), a property that, when it holds,
guarantees that the test loss will be close to the training loss, uniformly
over a class of candidate models. Nagarajan and Kolter (2019) show that in
certain simple linear and neural-network settings, any uniform convergence
bound will be vacuous, leaving open the question of how to prove generalization
in settings where UC fails. Our main contribution is proving novel
generalization bounds in two such settings, one linear, and one non-linear. We
study the linear classification setting of Nagarajan and Kolter, and a
quadratic ground truth function learned via a two-layer neural network in the
non-linear regime. We prove a new type of margin bound showing that above a
certain signal-to-noise threshold, any near-max-margin classifier will achieve
almost no test loss in these two settings. Our results show that
near-max-margin is important: while any model that achieves at least a $(1 -
\epsilon)$-fraction of the max-margin generalizes well, a classifier achieving
half of the max-margin may fail terribly. We additionally strengthen the UC
impossibility results of Nagarajan and Kolter, proving that \em one-sided \em
UC bounds and classical margin bounds will fail on near-max-margin classifiers.
Our analysis provides insight on why memorization can coexist with
generalization: we show that in this challenging regime where generalization
occurs but UC fails, near-max-margin classifiers simultaneously contain some
generalizable components and some overfitting components that memorize the
data. The presence of the overfitting components is enough to preclude UC, but
the near-extremal margin guarantees that sufficient generalizable components
are present.
|
112,125 | 112,125 | Multimodal Dialogue State Tracking | Designed for tracking user goals in dialogues, a dialogue state tracker is an
essential component in a dialogue system. However, the research of dialogue
state tracking has largely been limited to unimodality, in which slots and slot
values are limited by knowledge domains (e.g. restaurant domain with slots of
restaurant name and price range) and are defined by specific database schema.
In this paper, we propose to extend the definition of dialogue state tracking
to multimodality. Specifically, we introduce a novel dialogue state tracking
task to track the information of visual objects that are mentioned in
video-grounded dialogues. Each new dialogue utterance may introduce a new video
segment, new visual objects, or new object attributes, and a state tracker is
required to update these information slots accordingly. We created a new
synthetic benchmark and designed a novel baseline, Video-Dialogue Transformer
Network (VDTN), for this task. VDTN combines both object-level features and
segment-level features and learns contextual dependencies between videos and
dialogues to generate multimodal dialogue states. We optimized VDTN for a state
generation task as well as a self-supervised video understanding task which
recovers video segment or object representations. Finally, we trained VDTN to
use the decoded states in a response prediction task. Together with
comprehensive ablation and qualitative analysis, we discovered interesting
insights towards building more capable multimodal dialogue systems.
|
112,126 | 112,126 | On Privacy and Personalization in Cross-Silo Federated Learning | While the application of differential privacy (DP) has been well-studied in
cross-device federated learning (FL), there is a lack of work considering DP
for cross-silo FL, a setting characterized by a limited number of clients each
containing many data subjects. In cross-silo FL, usual notions of client-level
privacy are less suitable as real-world privacy regulations typically concern
in-silo data subjects rather than the silos themselves. In this work, we
instead consider the more realistic notion of silo-specific item-level privacy,
where silos set their own privacy targets for their local examples. Under this
setting, we reconsider the roles of personalization in federated learning. In
particular, we show that mean-regularized multi-task learning (MR-MTL), a
simple personalization framework, is a strong baseline for cross-silo FL: under
stronger privacy, silos are further incentivized to "federate" with each other
to mitigate DP noise, resulting in consistent improvements relative to standard
baseline methods. We provide a thorough empirical study of competing methods as
well as a theoretical characterization of MR-MTL for a mean estimation problem,
highlighting the interplay between privacy and cross-silo data heterogeneity.
Our work serves to establish baselines for private cross-silo FL as well as
identify key directions of future work in this area.
|
112,127 | 112,127 | Explainable Models via Compression of Tree Ensembles | Ensemble models (bagging and gradient-boosting) of relational decision trees
have proved to be one of the most effective learning methods in the area of
probabilistic logic models (PLMs). While effective, they lose one of the most
important aspect of PLMs -- interpretability. In this paper we consider the
problem of compressing a large set of learned trees into a single explainable
model. To this effect, we propose CoTE -- Compression of Tree Ensembles -- that
produces a single small decision list as a compressed representation. CoTE
first converts the trees to decision lists and then performs the combination
and compression with the aid of the original training set. An experimental
evaluation demonstrates the effectiveness of CoTE in several benchmark
relational data sets.
|
112,128 | 112,128 | Simultaneously Learning Stochastic and Adversarial Bandits with General
Graph Feedback | The problem of online learning with graph feedback has been extensively
studied in the literature due to its generality and potential to model various
learning tasks. Existing works mainly study the adversarial and stochastic
feedback separately. If the prior knowledge of the feedback mechanism is
unavailable or wrong, such specially designed algorithms could suffer great
loss. To avoid this problem, \citet{erez2021towards} try to optimize for both
environments. However, they assume the feedback graphs are undirected and each
vertex has a self-loop, which compromises the generality of the framework and
may not be satisfied in applications. With a general feedback graph, the
observation of an arm may not be available when this arm is pulled, which makes
the exploration more expensive and the algorithms more challenging to perform
optimally in both environments. In this work, we overcome this difficulty by a
new trade-off mechanism with a carefully-designed proportion for exploration
and exploitation. We prove the proposed algorithm simultaneously achieves
$\mathrm{poly} \log T$ regret in the stochastic setting and minimax-optimal
regret of $\tilde{O}(T^{2/3})$ in the adversarial setting where $T$ is the
horizon and $\tilde{O}$ hides parameters independent of $T$ as well as
logarithmic terms. To our knowledge, this is the first best-of-both-worlds
result for general feedback graphs.
|
112,129 | 112,129 | Introducing the Huber mechanism for differentially private low-rank
matrix completion | Performing low-rank matrix completion with sensitive user data calls for
privacy-preserving approaches. In this work, we propose a novel noise addition
mechanism for preserving differential privacy where the noise distribution is
inspired by Huber loss, a well-known loss function in robust statistics. The
proposed Huber mechanism is evaluated against existing differential privacy
mechanisms while solving the matrix completion problem using the Alternating
Least Squares approach. We also propose using the Iteratively Re-Weighted Least
Squares algorithm to complete low-rank matrices and study the performance of
different noise mechanisms in both synthetic and real datasets. We prove that
the proposed mechanism achieves {\epsilon}-differential privacy similar to the
Laplace mechanism. Furthermore, empirical results indicate that the Huber
mechanism outperforms Laplacian and Gaussian in some cases and is comparable,
otherwise.
|
112,130 | 112,130 | Double Sampling Randomized Smoothing | Neural networks (NNs) are known to be vulnerable against adversarial
perturbations, and thus there is a line of work aiming to provide robustness
certification for NNs, such as randomized smoothing, which samples smoothing
noises from a certain distribution to certify the robustness for a smoothed
classifier. However, as previous work shows, the certified robust radius in
randomized smoothing suffers from scaling to large datasets ("curse of
dimensionality"). To overcome this hurdle, we propose a Double Sampling
Randomized Smoothing (DSRS) framework, which exploits the sampled probability
from an additional smoothing distribution to tighten the robustness
certification of the previous smoothed classifier. Theoretically, under mild
assumptions, we prove that DSRS can certify $\Theta(\sqrt d)$ robust radius
under $\ell_2$ norm where $d$ is the input dimension, which implies that DSRS
may be able to break the curse of dimensionality of randomized smoothing. We
instantiate DSRS for a generalized family of Gaussian smoothing and propose an
efficient and sound computing method based on customized dual optimization
considering sampling error. Extensive experiments on MNIST, CIFAR-10, and
ImageNet verify our theory and show that DSRS certifies larger robust radii
than existing baselines consistently under different settings. Code is
available at https://github.com/llylly/DSRS.
|
112,131 | 112,131 | Barrier Certified Safety Learning Control: When Sum-of-Square
Programming Meets Reinforcement Learning | Safety guarantee is essential in many engineering implementations.
Reinforcement learning provides a useful way to strengthen safety. However,
reinforcement learning algorithms cannot completely guarantee safety over
realistic operations. To address this issue, this work adopts control barrier
functions over reinforcement learning, and proposes a compensated algorithm to
completely maintain safety. Specifically, a sum-of-squares programming has been
exploited to search for the optimal controller, and tune the learning
hyperparameters simultaneously. Thus, the control actions are pledged to be
always within the safe region. The effectiveness of proposed method is
demonstrated via an inverted pendulum model. Compared to quadratic programming
based reinforcement learning methods, our sum-of-squares programming based
reinforcement learning has shown its superiority.
|
112,132 | 112,132 | "Understanding Robustness Lottery": A Comparative Visual Analysis of
Neural Network Pruning Approaches | Deep learning approaches have provided state-of-the-art performance in many
applications by relying on extremely large and heavily overparameterized neural
networks. However, such networks have been shown to be very brittle, not
generalize well to new uses cases, and are often difficult if not impossible to
deploy on resources limited platforms. Model pruning, i.e., reducing the size
of the network, is a widely adopted strategy that can lead to more robust and
generalizable network -- usually orders of magnitude smaller with the same or
even improved performance. While there exist many heuristics for model pruning,
our understanding of the pruning process remains limited. Empirical studies
show that some heuristics improve performance while others can make models more
brittle or have other side effects. This work aims to shed light on how
different pruning methods alter the network's internal feature representation,
and the corresponding impact on model performance. To provide a meaningful
comparison and characterization of model feature space, we use three geometric
metrics that are decomposed from the common adopted classification loss. With
these metrics, we design a visualization system to highlight the impact of
pruning on model prediction as well as the latent feature embedding. The
proposed tool provides an environment for exploring and studying differences
among pruning methods and between pruned and original model. By leveraging our
visualization, the ML researchers can not only identify samples that are
fragile to model pruning and data corruption but also obtain insights and
explanations on how some pruned models achieve superior robustness performance.
|
112,133 | 112,133 | Challenges and Opportunities in Deep Reinforcement Learning with Graph
Neural Networks: A Comprehensive review of Algorithms and Applications | Deep reinforcement learning (DRL) has empowered a variety of artificial
intelligence fields, including pattern recognition, robotics,
recommendation-systems, and gaming. Similarly, graph neural networks (GNN) have
also demonstrated their superior performance in supervised learning for
graph-structured data. In recent times, the fusion of GNN with DRL for
graph-structured environments has attracted a lot of attention. This paper
provides a comprehensive review of these hybrid works. These works can be
classified into two categories: (1) algorithmic enhancement, where DRL and GNN
complement each other for better utility; (2) application-specific enhancement,
where DRL and GNN support each other. This fusion effectively addresses various
complex problems in engineering and life sciences. Based on the review, we
further analyze the applicability and benefits of fusing these two domains,
especially in terms of increasing generalizability and reducing computational
complexity. Finally, the key challenges in integrating DRL and GNN, and
potential future research directions are highlighted, which will be of interest
to the broader machine learning community.
|
112,134 | 112,134 | Lifelong Wandering: A realistic few-shot online continual learning
setting | Online few-shot learning describes a setting where models are trained and
evaluated on a stream of data while learning emerging classes. While prior work
in this setting has achieved very promising performance on instance
classification when learning from data-streams composed of a single indoor
environment, we propose to extend this setting to consider object
classification on a series of several indoor environments, which is likely to
occur in applications such as robotics. Importantly, our setting, which we
refer to as online few-shot continual learning, injects the well-studied issue
of catastrophic forgetting into the few-shot online learning paradigm. In this
work, we benchmark several existing methods and adapted baselines within our
setting, and show there exists a trade-off between catastrophic forgetting and
online performance. Our findings motivate the need for future work in this
setting, which can achieve better online performance without catastrophic
forgetting.
|
112,135 | 112,135 | PROFHIT: Probabilistic Robust Forecasting for Hierarchical Time-series | Probabilistic hierarchical time-series forecasting is an important variant of
time-series forecasting, where the goal is to model and forecast multivariate
time-series that have underlying hierarchical relations. Most methods focus on
point predictions and do not provide well-calibrated probabilistic forecasts
distributions. Recent state-of-art probabilistic forecasting methods also
impose hierarchical relations on point predictions and samples of distribution
which does not account for coherency of forecast distributions. Previous works
also silently assume that datasets are always consistent with given
hierarchical relations and do not adapt to real-world datasets that show
deviation from this assumption. We close both these gaps and propose PROFHIT,
which is a fully probabilistic hierarchical forecasting model that jointly
models forecast distribution of entire hierarchy. PROFHIT uses a flexible
probabilistic Bayesian approach and introduces a novel Distributional Coherency
regularization to learn from hierarchical relations for entire forecast
distribution that enables robust and calibrated forecasts as well as adapt to
datasets of varying hierarchical consistency. On evaluating PROFHIT over wide
range of datasets, we observed 41-88% better performance in accuracy and
calibration. Due to modeling the coherency over full distribution, we observed
that PROFHIT can robustly provide reliable forecasts even if up to 10% of input
time-series data is missing where other methods' performance severely degrade
by over 70%.
|
112,136 | 112,136 | Distributed Online Learning Algorithm With Differential Privacy Strategy
for Convex Nondecomposable Global Objectives | In this paper, we deal with a general distributed constrained online learning
problem with privacy over time-varying networks, where a class of
nondecomposable objective functions are considered. Under this setting, each
node only controls a part of the global decision variable, and the goal of all
nodes is to collaboratively minimize the global objective over a time horizon
$T$ while guarantees the security of the transmitted information. For such
problems, we first design a novel generic algorithm framework, named as DPSDA,
of differentially private distributed online learning using the Laplace
mechanism and the stochastic variants of dual averaging method. Then, we
propose two algorithms, named as DPSDA-C and DPSDA-PS, under this framework.
Theoretical results show that both algorithms attain an expected regret upper
bound in $\mathcal{O}( \sqrt{T} )$ when the objective function is convex, which
matches the best utility achievable by cutting-edge algorithms. Finally,
numerical experiment results on both real-world and randomly generated datasets
verify the effectiveness of our algorithms.
|
112,137 | 112,137 | Forming Effective Human-AI Teams: Building Machine Learning Models that
Complement the Capabilities of Multiple Experts | Machine learning (ML) models are increasingly being used in application
domains that often involve working together with human experts. In this
context, it can be advantageous to defer certain instances to a single human
expert when they are difficult to predict for the ML model. While previous work
has focused on scenarios with one distinct human expert, in many real-world
situations several human experts with varying capabilities may be available. In
this work, we propose an approach that trains a classification model to
complement the capabilities of multiple human experts. By jointly training the
classifier together with an allocation system, the classifier learns to
accurately predict those instances that are difficult for the human experts,
while the allocation system learns to pass each instance to the most suitable
team member -- either the classifier or one of the human experts. We evaluate
our proposed approach in multiple experiments on public datasets with
"synthetic" experts and a real-world medical dataset annotated by multiple
radiologists. Our approach outperforms prior work and is more accurate than the
best human expert or a classifier. Furthermore, it is flexibly adaptable to
teams of varying sizes and different levels of expert diversity.
|
112,138 | 112,138 | Analysis and Extensions of Adversarial Training for Video Classification | Adversarial training (AT) is a simple yet effective defense against
adversarial attacks to image classification systems, which is based on
augmenting the training set with attacks that maximize the loss. However, the
effectiveness of AT as a defense for video classification has not been
thoroughly studied. Our first contribution is to show that generating optimal
attacks for video requires carefully tuning the attack parameters, especially
the step size. Notably, we show that the optimal step size varies linearly with
the attack budget. Our second contribution is to show that using a smaller
(sub-optimal) attack budget at training time leads to a more robust performance
at test time. Based on these findings, we propose three defenses against
attacks with variable attack budgets. The first one, Adaptive AT, is a
technique where the attack budget is drawn from a distribution that is adapted
as training iterations proceed. The second, Curriculum AT, is a technique where
the attack budget is increased as training iterations proceed. The third,
Generative AT, further couples AT with a denoising generative adversarial
network to boost robust performance. Experiments on the UCF101 dataset
demonstrate that the proposed methods improve adversarial robustness against
multiple attack types.
|
112,139 | 112,139 | BlindFL: Vertical Federated Machine Learning without Peeking into Your
Data | Due to the rising concerns on privacy protection, how to build machine
learning (ML) models over different data sources with security guarantees is
gaining more popularity. Vertical federated learning (VFL) describes such a
case where ML models are built upon the private data of different participated
parties that own disjoint features for the same set of instances, which fits
many real-world collaborative tasks. Nevertheless, we find that existing
solutions for VFL either support limited kinds of input features or suffer from
potential data leakage during the federated execution. To this end, this paper
aims to investigate both the functionality and security of ML modes in the VFL
scenario.
To be specific, we introduce BlindFL, a novel framework for VFL training and
inference. First, to address the functionality of VFL models, we propose the
federated source layers to unite the data from different parties. Various kinds
of features can be supported efficiently by the federated source layers,
including dense, sparse, numerical, and categorical features. Second, we
carefully analyze the security during the federated execution and formalize the
privacy requirements. Based on the analysis, we devise secure and accurate
algorithm protocols, and further prove the security guarantees under the
ideal-real simulation paradigm. Extensive experiments show that BlindFL
supports diverse datasets and models efficiently whilst achieves robust privacy
guarantees.
|
112,140 | 112,140 | Cyclocopula Technique to Study the Relationship Between Two
Cyclostationary Time Series with Fractional Brownian Motion Errors | Detection of the relationship between two time series is so important in
environmental and hydrological studies. Several parametric and non-parametric
approaches can be applied to detect relationships. These techniques are usually
sensitive to stationarity assumptions. In this research, a new copula-based
method is introduced to detect the relationship between two cylostationary time
series with fractional Brownian motion (fBm) errors. The numerical studies
verify the performance of the introduced approach.
|
112,141 | 112,141 | Personalized Federated Learning via Variational Bayesian Inference | Federated learning faces huge challenges from model overfitting due to the
lack of data and statistical diversity among clients. To address these
challenges, this paper proposes a novel personalized federated learning method
via Bayesian variational inference named pFedBayes. To alleviate the
overfitting, weight uncertainty is introduced to neural networks for clients
and the server. To achieve personalization, each client updates its local
distribution parameters by balancing its construction error over private data
and its KL divergence with global distribution from the server. Theoretical
analysis gives an upper bound of averaged generalization error and illustrates
that the convergence rate of the generalization error is minimax optimal up to
a logarithmic factor. Experiments show that the proposed method outperforms
other advanced personalized methods on personalized models, e.g., pFedBayes
respectively outperforms other SOTA algorithms by 1.25%, 0.42% and 11.71% on
MNIST, FMNIST and CIFAR-10 under non-i.i.d. limited data.
|
112,142 | 112,142 | Research Topic Flows in Co-Authorship Networks | In scientometrics, scientific collaboration is often analyzed by means of
co-authorships. An aspect which is often overlooked and more difficult to
quantify is the flow of expertise between authors from different research
topics, which is an important part of scientific progress. With the Topic Flow
Network (TFN) we propose a graph structure for the analysis of research topic
flows between scientific authors and their respective research fields.
Based on a multi-graph and a topic model, our proposed network structure
accounts for intratopic as well as intertopic flows. Our method requires for
the construction of a TFN solely a corpus of publications (i.e., author and
abstract information). From this, research topics are discovered automatically
through non-negative matrix factorization. The thereof derived TFN allows for
the application of social network analysis techniques, such as common metrics
and community detection. Most importantly, it allows for the analysis of
intertopic flows on a large, macroscopic scale, i.e., between research topic,
as well as on a microscopic scale, i.e., between certain sets of authors.
We demonstrate the utility of TFNs by applying our method to two
comprehensive corpora of altogether 20 Mio. publications spanning more than 60
years of research in the fields computer science and mathematics. Our results
give evidence that TFNs are suitable, e.g., for the analysis of topical
communities, the discovery of important authors in different fields, and, most
notably, the analysis of intertopic flows, i.e., the transfer of topical
expertise. Besides that, our method opens new directions for future research,
such as the investigation of influence relationships between research fields.
|
112,143 | 112,143 | Double Check Your State Before Trusting It: Confidence-Aware
Bidirectional Offline Model-Based Imagination | The learned policy of model-free offline reinforcement learning (RL) methods
is often constrained to stay within the support of datasets to avoid possible
dangerous out-of-distribution actions or states, making it challenging to
handle out-of-support region. Model-based RL methods offer a richer dataset and
benefit generalization by generating imaginary trajectories with either trained
forward or reverse dynamics model. However, the imagined transitions may be
inaccurate, thus downgrading the performance of the underlying offline RL
method. In this paper, we propose to augment the offline dataset by using
trained bidirectional dynamics models and rollout policies with double check.
We introduce conservatism by trusting samples that the forward model and
backward model agree on. Our method, confidence-aware bidirectional offline
model-based imagination, generates reliable samples and can be combined with
any model-free offline RL method. Experimental results on the D4RL benchmarks
demonstrate that our method significantly boosts the performance of existing
model-free offline RL algorithms and achieves competitive or better scores
against baseline methods.
|
112,144 | 112,144 | Patch-level Representation Learning for Self-supervised Vision
Transformers | Recent self-supervised learning (SSL) methods have shown impressive results
in learning visual representations from unlabeled images. This paper aims to
improve their performance further by utilizing the architectural advantages of
the underlying neural network, as the current state-of-the-art visual pretext
tasks for SSL do not enjoy the benefit, i.e., they are architecture-agnostic.
In particular, we focus on Vision Transformers (ViTs), which have gained much
attention recently as a better architectural choice, often outperforming
convolutional networks for various visual tasks. The unique characteristic of
ViT is that it takes a sequence of disjoint patches from an image and processes
patch-level representations internally. Inspired by this, we design a simple
yet effective visual pretext task, coined SelfPatch, for learning better
patch-level representations. To be specific, we enforce invariance against each
patch and its neighbors, i.e., each patch treats similar neighboring patches as
positive samples. Consequently, training ViTs with SelfPatch learns more
semantically meaningful relations among patches (without using human-annotated
labels), which can be beneficial, in particular, to downstream tasks of a dense
prediction type. Despite its simplicity, we demonstrate that it can
significantly improve the performance of existing SSL methods for various
visual tasks, including object detection and semantic segmentation.
Specifically, SelfPatch significantly improves the recent self-supervised ViT,
DINO, by achieving +1.3 AP on COCO object detection, +1.2 AP on COCO instance
segmentation, and +2.9 mIoU on ADE20K semantic segmentation.
|
112,145 | 112,145 | Continual Learning with Guarantees via Weight Interval Constraints | We introduce a new training paradigm that enforces interval constraints on
neural network parameter space to control forgetting. Contemporary Continual
Learning (CL) methods focus on training neural networks efficiently from a
stream of data, while reducing the negative impact of catastrophic forgetting,
yet they do not provide any firm guarantees that network performance will not
deteriorate uncontrollably over time. In this work, we show how to put bounds
on forgetting by reformulating continual learning of a model as a continual
contraction of its parameter space. To that end, we propose Hyperrectangle
Training, a new training methodology where each task is represented by a
hyperrectangle in the parameter space, fully contained in the hyperrectangles
of the previous tasks. This formulation reduces the NP-hard CL problem back to
polynomial time while providing full resilience against forgetting. We validate
our claim by developing InterContiNet (Interval Continual Learning) algorithm
which leverages interval arithmetic to effectively model parameter regions as
hyperrectangles. Through experimental results, we show that our approach
performs well in a continual learning setup without storing data from previous
tasks.
|
112,146 | 112,146 | Differentially Private Multi-Party Data Release for Linear Regression | Differentially Private (DP) data release is a promising technique to
disseminate data without compromising the privacy of data subjects. However the
majority of prior work has focused on scenarios where a single party owns all
the data. In this paper we focus on the multi-party setting, where different
stakeholders own disjoint sets of attributes belonging to the same group of
data subjects. Within the context of linear regression that allow all parties
to train models on the complete data without the ability to infer private
attributes or identities of individuals, we start with directly applying
Gaussian mechanism and show it has the small eigenvalue problem. We further
propose our novel method and prove it asymptotically converges to the optimal
(non-private) solutions with increasing dataset size. We substantiate the
theoretical results through experiments on both artificial and real-world
datasets.
|
112,147 | 112,147 | The convergent Indian buffet process | We propose a new Bayesian nonparametric prior for latent feature models,
which we call the convergent Indian buffet process (CIBP). We show that under
the CIBP, the number of latent features is distributed as a Poisson
distribution with the mean monotonically increasing but converging to a certain
value as the number of objects goes to infinity. That is, the expected number
of features is bounded above even when the number of objects goes to infinity,
unlike the standard Indian buffet process under which the expected number of
features increases with the number of objects. We provide two alternative
representations of the CIBP based on a hierarchical distribution and a
completely random measure, respectively, which are of independent interest. The
proposed CIBP is assessed on a high-dimensional sparse factor model.
|
112,148 | 112,148 | When a RF Beats a CNN and GRU, Together -- A Comparison of Deep Learning
and Classical Machine Learning Approaches for Encrypted Malware Traffic
Classification | Internet traffic classification is widely used to facilitate network
management. It plays a crucial role in Quality of Services (QoS), Quality of
Experience (QoE), network visibility, intrusion detection, and traffic trend
analyses. While there is no theoretical guarantee that deep learning (DL)-based
solutions perform better than classic machine learning (ML)-based ones,
DL-based models have become the common default. This paper compares well-known
DL-based and ML-based models and shows that in the case of malicious traffic
classification, state-of-the-art DL-based solutions do not necessarily
outperform the classical ML-based ones. We exemplify this finding using two
well-known datasets for a varied set of tasks, such as: malware detection,
malware family classification, detection of zero-day attacks, and
classification of an iteratively growing dataset. Note that, it is not feasible
to evaluate all possible models to make a concrete statement, thus, the above
finding is not a recommendation to avoid DL-based models, but rather empirical
proof that in some cases, there are more simplistic solutions, that may perform
even better.
|
112,149 | 112,149 | Evaluating Self-Supervised Learning for Molecular Graph Embeddings | Graph Self-Supervised Learning (GSSL) paves the way for learning graph
embeddings without expert annotation, which is particularly impactful for
molecular graphs since the number of possible molecules is enormous and labels
are expensive to obtain. However, by design, GSSL methods are not trained to
perform well on one downstream task but aim for transferability to many, making
evaluating them less straightforward. As a step toward obtaining profiles of
molecular graph embeddings with diverse and interpretable attributes, we
introduce Molecular Graph Representation Evaluation (MolGraphEval), a suite of
probe tasks, categorised into (i) topological-, (ii) substructure-, and (iii)
embedding space properties. By benchmarking existing GSSL methods on both
existing downstream datasets and MolGraphEval, we discover surprising
discrepancies between conclusions drawn from existing datasets alone versus
more fine-grained probing, suggesting that current evaluation protocols do not
provide the whole picture. Our modular, automated end-to-end GSSL pipeline code
will be released upon acceptance, including standardised graph loading,
experiment management, and embedding evaluation.
|
112,150 | 112,150 | DCASE 2022: Comparative Analysis Of CNNs For Acoustic Scene
Classification Under Low-Complexity Considerations | Acoustic scene classification is an automatic listening problem that aims to
assign an audio recording to a pre-defined scene based on its audio data. Over
the years (and in past editions of the DCASE) this problem has often been
solved with techniques known as ensembles (use of several machine learning
models to combine their predictions in the inference phase). While these
solutions can show performance in terms of accuracy, they can be very expensive
in terms of computational capacity, making it impossible to deploy them in IoT
devices. Due to the drift in this field of study, this task has two limitations
in terms of model complexity. It should be noted that there is also the added
complexity of mismatching devices (the audios provided are recorded by
different sources of information). This technical report makes a comparative
study of two different network architectures: conventional CNN and Conv-mixer.
Although both networks exceed the baseline required by the competition, the
conventional CNN shows a higher performance, exceeding the baseline by 8
percentage points. Solutions based on Conv-mixer architectures show worse
performance although they are much lighter solutions.
|
112,151 | 112,151 | Balancing Discriminability and Transferability for Source-Free Domain
Adaptation | Conventional domain adaptation (DA) techniques aim to improve domain
transferability by learning domain-invariant representations; while
concurrently preserving the task-discriminability knowledge gathered from the
labeled source data. However, the requirement of simultaneous access to labeled
source and unlabeled target renders them unsuitable for the challenging
source-free DA setting. The trivial solution of realizing an effective original
to generic domain mapping improves transferability but degrades task
discriminability. Upon analyzing the hurdles from both theoretical and
empirical standpoints, we derive novel insights to show that a mixup between
original and corresponding translated generic samples enhances the
discriminability-transferability trade-off while duly respecting the
privacy-oriented source-free setting. A simple but effective realization of the
proposed insights on top of the existing source-free DA approaches yields
state-of-the-art performance with faster convergence. Beyond single-source, we
also outperform multi-source prior-arts across both classification and semantic
segmentation benchmarks.
|
112,152 | 112,152 | MoDi: Unconditional Motion Synthesis from Diverse Data | The emergence of neural networks has revolutionized the field of motion
synthesis. Yet, learning to unconditionally synthesize motions from a given
distribution remains a challenging task, especially when the motions are highly
diverse. We present MoDi, an unconditional generative model that synthesizes
diverse motions. Our model is trained in a completely unsupervised setting from
a diverse, unstructured and unlabeled motion dataset and yields a well-behaved,
highly semantic latent space. The design of our model follows the prolific
architecture of StyleGAN and adapts two of its key technical components into
the motion domain: a set of style-codes injected into each level of the
generator hierarchy and a mapping function that learns and forms a disentangled
latent space. We show that despite the lack of any structure in the dataset,
the latent space can be semantically clustered, and facilitates semantic
editing and motion interpolation. In addition, we propose a technique to invert
unseen motions into the latent space, and demonstrate latent-based motion
editing operations that otherwise cannot be achieved by naive manipulation of
explicit motion representations. Our qualitative and quantitative experiments
show that our framework achieves state-of-the-art synthesis quality that can
follow the distribution of highly diverse motion datasets. Code and trained
models will be released at https://sigal-raab.github.io/MoDi.
|
112,153 | 112,153 | Hardness prediction of age-hardening aluminum alloy based on ensemble
learning | With the rapid development of artificial intelligence, the combination of
material database and machine learning has driven the progress of material
informatics. Because aluminum alloy is widely used in many fields, so it is
significant to predict the properties of aluminum alloy. In this thesis, the
data of Al-Cu-Mg-X (X: Zn, Zr, etc.) alloy are used to input the composition,
aging conditions (time and temperature) and predict its hardness. An ensemble
learning solution based on automatic machine learning and an attention
mechanism introduced into the secondary learner of deep neural network are
proposed respectively. The experimental results show that selecting the correct
secondary learner can further improve the prediction accuracy of the model.
This manuscript introduces the attention mechanism to improve the secondary
learner based on deep neural network, and obtains a fusion model with better
performance. The R-Square of the best model is 0.9697 and the MAE is 3.4518HV.
|
112,154 | 112,154 | On Error and Compression Rates for Prototype Rules | We study the close interplay between error and compression in the
non-parametric multiclass classification setting in terms of prototype learning
rules. We focus in particular on a close variant of a recently proposed
compression-based learning rule termed OptiNet. Beyond its computational
merits, this rule has been recently shown to be universally consistent in any
metric instance space that admits a universally consistent rule -- the first
learning algorithm known to enjoy this property. However, its error and
compression rates have been left open. Here we derive such rates in the case
where instances reside in Euclidean space under commonly posed smoothness and
tail conditions on the data distribution. We first show that OptiNet achieves
non-trivial compression rates while enjoying near minimax-optimal error rates.
We then proceed to study a novel general compression scheme for further
compressing prototype rules that locally adapts to the noise level without
sacrificing accuracy. Applying it to OptiNet, we show that under a geometric
margin condition, further gain in the compression rate is achieved.
Experimental results comparing the performance of the various methods are
presented.
|
112,155 | 112,155 | Partial Identifiability for Nonnegative Matrix Factorization | Given a nonnegative matrix factorization, $R$, and a factorization rank, $r$,
Exact nonnegative matrix factorization (Exact NMF) decomposes $R$ as the
product of two nonnegative matrices, $C$ and $S$ with $r$ columns, such as $R =
CS^\top$. A central research topic in the literature is the conditions under
which such a decomposition is unique/identifiable, up to trivial ambiguities.
In this paper, we focus on partial identifiability, that is, the uniqueness of
a subset of columns of $C$ and $S$. We start our investigations with the
data-based uniqueness (DBU) theorem from the chemometrics literature. The DBU
theorem analyzes all feasible solutions of Exact NMF, and relies on sparsity
conditions on $C$ and $S$. We provide a mathematically rigorous theorem of a
recently published restricted version of the DBU theorem, relying only on
simple sparsity and algebraic conditions: it applies to a particular solution
of Exact NMF (as opposed to all feasible solutions) and allows us to guarantee
the partial uniqueness of a single column of $C$ or $S$. Second, based on a
geometric interpretation of the restricted DBU theorem, we obtain a new partial
identifiability result. We prove it is stronger than the restricted DBU
theorem, given that a proper preprocessing on the Exact NMF is used. This
geometric interpretation also leads us to another partial identifiability
result in the case $r=3$. Third, we show how partial identifiability results
can be used sequentially to guarantee the identifiability of more columns of
$C$ and $S$. We illustrate these results on several examples, including one
from the chemometrics literature.
|
112,156 | 112,156 | AMOS: A Large-Scale Abdominal Multi-Organ Benchmark for Versatile
Medical Image Segmentation | Despite the considerable progress in automatic abdominal multi-organ
segmentation from CT/MRI scans in recent years, a comprehensive evaluation of
the models' capabilities is hampered by the lack of a large-scale benchmark
from diverse clinical scenarios. Constraint by the high cost of collecting and
labeling 3D medical data, most of the deep learning models to date are driven
by datasets with a limited number of organs of interest or samples, which still
limits the power of modern deep models and makes it difficult to provide a
fully comprehensive and fair estimate of various methods. To mitigate the
limitations, we present AMOS, a large-scale, diverse, clinical dataset for
abdominal organ segmentation. AMOS provides 500 CT and 100 MRI scans collected
from multi-center, multi-vendor, multi-modality, multi-phase, multi-disease
patients, each with voxel-level annotations of 15 abdominal organs, providing
challenging examples and test-bed for studying robust segmentation algorithms
under diverse targets and scenarios. We further benchmark several
state-of-the-art medical segmentation models to evaluate the status of the
existing methods on this new challenging dataset. We have made our datasets,
benchmark servers, and baselines publicly available, and hope to inspire future
research. Information can be found at https://amos22.grand-challenge.org.
|
112,157 | 112,157 | Acoustic Modeling for End-to-End Empathetic Dialogue Speech Synthesis
Using Linguistic and Prosodic Contexts of Dialogue History | We propose an end-to-end empathetic dialogue speech synthesis (DSS) model
that considers both the linguistic and prosodic contexts of dialogue history.
Empathy is the active attempt by humans to get inside the interlocutor in
dialogue, and empathetic DSS is a technology to implement this act in spoken
dialogue systems. Our model is conditioned by the history of linguistic and
prosody features for predicting appropriate dialogue context. As such, it can
be regarded as an extension of the conventional linguistic-feature-based
dialogue history modeling. To train the empathetic DSS model effectively, we
investigate 1) a self-supervised learning model pretrained with large speech
corpora, 2) a style-guided training using a prosody embedding of the current
utterance to be predicted by the dialogue context embedding, 3) a cross-modal
attention to combine text and speech modalities, and 4) a sentence-wise
embedding to achieve fine-grained prosody modeling rather than utterance-wise
modeling. The evaluation results demonstrate that 1) simply considering
prosodic contexts of the dialogue history does not improve the quality of
speech in empathetic DSS and 2) introducing style-guided training and
sentence-wise embedding modeling achieves higher speech quality than that by
the conventional method.
|
112,158 | 112,158 | Automated analysis of continuum fields from atomistic simulations using
statistical machine learning | Atomistic simulations of the molecular dynamics/statics kind are regularly
used to study small scale plasticity. Contemporary simulations are performed
with tens to hundreds of millions of atoms, with snapshots of these
configurations written out at regular intervals for further analysis. Continuum
scale constitutive models for material behavior can benefit from information on
the atomic scale, in particular in terms of the deformation mechanisms, the
accommodation of the total strain and partitioning of stress and strain fields
in individual grains. In this work we develop a methodology using statistical
data mining and machine learning algorithms to automate the analysis of
continuum field variables in atomistic simulations. We focus on three important
field variables: total strain, elastic strain and microrotation. Our results
show that the elastic strain in individual grains exhibits a unimodal
log-normal distribution, whilst the total strain and microrotation fields
evidence a multimodal distribution. The peaks in the distribution of total
strain are identified with a Gaussian mixture model and methods to circumvent
overfitting problems are presented. Subsequently, we evaluate the identified
peaks in terms of deformation mechanisms in a grain, which e.g., helps to
quantify the strain for which individual deformation mechanisms are
responsible. The overall statistics of the distributions over all grains are an
important input for higher scale models, which ultimately also helps to be able
to quantitatively discuss the implications for information transfer to
phenomenological models.
|
112,159 | 112,159 | Time Interval-enhanced Graph Neural Network for Shared-account
Cross-domain Sequential Recommendation | Shared-account Cross-domain Sequential Recommendation (SCSR) task aims to
recommend the next item via leveraging the mixed user behaviors in multiple
domains. It is gaining immense research attention as more and more users tend
to sign up on different platforms and share accounts with others to access
domain-specific services. Existing works on SCSR mainly rely on mining
sequential patterns via Recurrent Neural Network (RNN)-based models, which
suffer from the following limitations: 1) RNN-based methods overwhelmingly
target discovering sequential dependencies in single-user behaviors. They are
not expressive enough to capture the relationships among multiple entities in
SCSR. 2) All existing methods bridge two domains via knowledge transfer in the
latent space, and ignore the explicit cross-domain graph structure. 3) None
existing studies consider the time interval information among items, which is
essential in the sequential recommendation for characterizing different items
and learning discriminative representations for them. In this work, we propose
a new graph-based solution, namely TiDA-GCN, to address the above challenges.
Specifically, we first link users and items in each domain as a graph. Then, we
devise a domain-aware graph convolution network to learn userspecific node
representations. To fully account for users' domainspecific preferences on
items, two effective attention mechanisms are further developed to selectively
guide the message passing process. Moreover, to further enhance item- and
account-level representation learning, we incorporate the time interval into
the message passing, and design an account-aware self-attention module for
learning items' interactive characteristics. Experiments demonstrate the
superiority of our proposed method from various aspects.
|
112,160 | 112,160 | Generalized Leverage Scores: Geometric Interpretation and Applications | In problems involving matrix computations, the concept of leverage has found
a large number of applications. In particular, leverage scores, which relate
the columns of a matrix to the subspaces spanned by its leading singular
vectors, are helpful in revealing column subsets to approximately factorize a
matrix with quality guarantees. As such, they provide a solid foundation for a
variety of machine-learning methods. In this paper we extend the definition of
leverage scores to relate the columns of a matrix to arbitrary subsets of
singular vectors. We establish a precise connection between column and
singular-vector subsets, by relating the concepts of leverage scores and
principal angles between subspaces. We employ this result to design
approximation algorithms with provable guarantees for two well-known problems:
generalized column subset selection and sparse canonical correlation analysis.
We run numerical experiments to provide further insight on the proposed
methods. The novel bounds we derive improve our understanding of fundamental
concepts in matrix approximations. In addition, our insights may serve as
building blocks for further contributions.
|
112,161 | 112,161 | Active Nearest Neighbor Regression Through Delaunay Refinement | We introduce an algorithm for active function approximation based on nearest
neighbor regression. Our Active Nearest Neighbor Regressor (ANNR) relies on the
Voronoi-Delaunay framework from computational geometry to subdivide the space
into cells with constant estimated function value and select novel query points
in a way that takes the geometry of the function graph into account. We
consider the recent state-of-the-art active function approximator called DEFER,
which is based on incremental rectangular partitioning of the space, as the
main baseline. The ANNR addresses a number of limitations that arise from the
space subdivision strategy used in DEFER. We provide a computationally
efficient implementation of our method, as well as theoretical halting
guarantees. Empirical results show that ANNR outperforms the baseline for both
closed-form functions and real-world examples, such as gravitational wave
parameter inference and exploration of the latent space of a generative model.
|
112,162 | 112,162 | Neural tangent kernel analysis of shallow $\alpha$-Stable ReLU neural
networks | There is a recent literature on large-width properties of Gaussian neural
networks (NNs), i.e. NNs whose weights are distributed according to Gaussian
distributions. Two popular problems are: i) the study of the large-width
behaviour of NNs, which provided a characterization of the infinitely wide
limit of a rescaled NN in terms of a Gaussian process; ii) the study of the
large-width training dynamics of NNs, which set forth an equivalence between
training the rescaled NN and performing a kernel regression with a
deterministic kernel referred to as the neural tangent kernel (NTK). In this
paper, we consider these problems for $\alpha$-Stable NNs, which generalize
Gaussian NNs by assuming that the NN's weights are distributed as
$\alpha$-Stable distributions with $\alpha\in(0,2]$, i.e. distributions with
heavy tails. For shallow $\alpha$-Stable NNs with a ReLU activation function,
we show that if the NN's width goes to infinity then a rescaled NN converges
weakly to an $\alpha$-Stable process, i.e. a stochastic process with
$\alpha$-Stable finite-dimensional distributions. As a novelty with respect to
the Gaussian setting, in the $\alpha$-Stable setting the choice of the
activation function affects the scaling of the NN, that is: to achieve the
infinitely wide $\alpha$-Stable process, the ReLU function requires an
additional logarithmic scaling with respect to sub-linear functions. Then, our
main contribution is the NTK analysis of shallow $\alpha$-Stable ReLU-NNs,
which leads to an equivalence between training a rescaled NN and performing a
kernel regression with an $(\alpha/2)$-Stable random kernel. The randomness of
such a kernel is a further novelty with respect to the Gaussian setting, that
is: in the $\alpha$-Stable setting the randomness of the NN at initialization
does not vanish in the NTK analysis, thus inducing a distribution for the
kernel of the underlying kernel regression.
|
112,163 | 112,163 | Neural Scene Representation for Locomotion on Structured Terrain | We propose a learning-based method to reconstruct the local terrain for
locomotion with a mobile robot traversing urban environments. Using a stream of
depth measurements from the onboard cameras and the robot's trajectory, the
algorithm estimates the topography in the robot's vicinity. The raw
measurements from these cameras are noisy and only provide partial and occluded
observations that in many cases do not show the terrain the robot stands on.
Therefore, we propose a 3D reconstruction model that faithfully reconstructs
the scene, despite the noisy measurements and large amounts of missing data
coming from the blind spots of the camera arrangement. The model consists of a
4D fully convolutional network on point clouds that learns the geometric priors
to complete the scene from the context and an auto-regressive feedback to
leverage spatio-temporal consistency and use evidence from the past. The
network can be solely trained with synthetic data, and due to extensive
augmentation, it is robust in the real world, as shown in the validation on a
quadrupedal robot, ANYmal, traversing challenging settings. We run the pipeline
on the robot's onboard low-power computer using an efficient sparse tensor
implementation and show that the proposed method outperforms classical map
representations.
|
112,164 | 112,164 | U-PET: MRI-based Dementia Detection with Joint Generation of Synthetic
FDG-PET Images | Alzheimer's disease (AD) is the most common cause of dementia. An early
detection is crucial for slowing down the disease and mitigating risks related
to the progression. While the combination of MRI and FDG-PET is the best
image-based tool for diagnosis, FDG-PET is not always available. The reliable
detection of Alzheimer's disease with only MRI could be beneficial, especially
in regions where FDG-PET might not be affordable for all patients. To this end,
we propose a multi-task method based on U-Net that takes T1-weighted MR images
as an input to generate synthetic FDG-PET images and classifies the dementia
progression of the patient into cognitive normal (CN), cognitive impairment
(MCI), and AD. The attention gates used in both task heads can visualize the
most relevant parts of the brain, guiding the examiner and adding
interpretability. Results show the successful generation of synthetic FDG-PET
images and a performance increase in disease classification over the naive
single-task baseline.
|
112,165 | 112,165 | A Machine Learning-based Digital Twin for Electric Vehicle Battery
Modeling | The widespread adoption of Electric Vehicles (EVs) is limited by their
reliance on batteries with presently low energy and power densities compared to
liquid fuels and are subject to aging and performance deterioration over time.
For this reason, monitoring the battery State Of Charge (SOC) and State Of
Health (SOH) during the EV lifetime is a very relevant problem. This work
proposes a battery digital twin structure designed to accurately reflect
battery dynamics at the run time. To ensure a high degree of correctness
concerning non-linear phenomena, the digital twin relies on data-driven models
trained on traces of battery evolution over time: a SOH model, repeatedly
executed to estimate the degradation of maximum battery capacity, and a SOC
model, retrained periodically to reflect the impact of aging. The proposed
digital twin structure will be exemplified on a public dataset to motivate its
adoption and prove its effectiveness, with high accuracy and inference and
retraining times compatible with onboard execution.
|
112,166 | 112,166 | TransDrift: Modeling Word-Embedding Drift using Transformer | In modern NLP applications, word embeddings are a crucial backbone that can
be readily shared across a number of tasks. However as the text distributions
change and word semantics evolve over time, the downstream applications using
the embeddings can suffer if the word representations do not conform to the
data drift. Thus, maintaining word embeddings to be consistent with the
underlying data distribution is a key problem. In this work, we tackle this
problem and propose TransDrift, a transformer-based prediction model for word
embeddings. Leveraging the flexibility of transformer, our model accurately
learns the dynamics of the embedding drift and predicts the future embedding.
In experiments, we compare with existing methods and show that our model makes
significantly more accurate predictions of the word embedding than the
baselines. Crucially, by applying the predicted embeddings as a backbone for
downstream classification tasks, we show that our embeddings lead to superior
performance compared to the previous methods.
|
112,167 | 112,167 | CARLANE: A Lane Detection Benchmark for Unsupervised Domain Adaptation
from Simulation to multiple Real-World Domains | Unsupervised Domain Adaptation demonstrates great potential to mitigate
domain shifts by transferring models from labeled source domains to unlabeled
target domains. While Unsupervised Domain Adaptation has been applied to a wide
variety of complex vision tasks, only few works focus on lane detection for
autonomous driving. This can be attributed to the lack of publicly available
datasets. To facilitate research in these directions, we propose CARLANE, a
3-way sim-to-real domain adaptation benchmark for 2D lane detection. CARLANE
encompasses the single-target datasets MoLane and TuLane and the multi-target
dataset MuLane. These datasets are built from three different domains, which
cover diverse scenes and contain a total of 163K unique images, 118K of which
are annotated. In addition we evaluate and report systematic baselines,
including our own method, which builds upon Prototypical Cross-domain
Self-supervised Learning. We find that false positive and false negative rates
of the evaluated domain adaptation methods are high compared to those of fully
supervised baselines. This affirms the need for benchmarks such as CARLANE to
further strengthen research in Unsupervised Domain Adaptation for lane
detection. CARLANE, all evaluated models and the corresponding implementations
are publicly available at https://carlanebenchmark.github.io.
|
112,168 | 112,168 | Reinforcement Learning-enhanced Shared-account Cross-domain Sequential
Recommendation | Shared-account Cross-domain Sequential Recommendation (SCSR) is an emerging
yet challenging task that simultaneously considers the shared-account and
cross-domain characteristics in the sequential recommendation. Existing works
on SCSR are mainly based on Recurrent Neural Network (RNN) and Graph Neural
Network (GNN) but they ignore the fact that although multiple users share a
single account, it is mainly occupied by one user at a time. This observation
motivates us to learn a more accurate user-specific account representation by
attentively focusing on its recent behaviors. Furthermore, though existing
works endow lower weights to irrelevant interactions, they may still dilute the
domain information and impede the cross-domain recommendation. To address the
above issues, we propose a reinforcement learning-based solution, namely
RL-ISN, which consists of a basic cross-domain recommender and a reinforcement
learning-based domain filter. Specifically, to model the account representation
in the shared-account scenario, the basic recommender first clusters users'
mixed behaviors as latent users, and then leverages an attention model over
them to conduct user identification. To reduce the impact of irrelevant domain
information, we formulate the domain filter as a hierarchical reinforcement
learning task, where a high-level task is utilized to decide whether to revise
the whole transferred sequence or not, and if it does, a low-level task is
further performed to determine whether to remove each interaction within it or
not. To evaluate the performance of our solution, we conduct extensive
experiments on two real-world datasets, and the experimental results
demonstrate the superiority of our RL-ISN method compared with the
state-of-the-art recommendation methods.
|
112,169 | 112,169 | Unsupervised Space Partitioning for Nearest Neighbor Search | Approximate Nearest Neighbor Search (ANNS) in high dimensional spaces is
crucial for many real-life applications (e.g., e-commerce, web, multimedia,
etc.) dealing with an abundance of data. In this paper, we propose an
end-to-end learning framework that couples the partitioning (one key step of
ANNS) and learning-to-search steps using a custom loss function. A key
advantage of our proposed solution is that it does not require any expensive
pre-processing of the dataset, which is one of the key limitations of the
state-of-the-art approach. We achieve the above edge by formulating a
multi-objective custom loss function that does not need ground truth labels to
quantify the quality of a given partition of the data space, making it entirely
unsupervised. We also propose an ensembling technique by adding varying input
weights to the loss function to train an ensemble of models to enhance the
search quality. On several standard benchmarks for ANNS, we show that our
method beats the state-of-the-art space partitioning method and the ubiquitous
K-means clustering method while using fewer parameters and shorter offline
training times. Without loss of generality, our unsupervised partitioning
approach is shown as a promising alternative to many widely used clustering
methods like K-means clustering and DBSCAN.
|
112,170 | 112,170 | On the well-spread property and its relation to linear regression | We consider the robust linear regression model $\boldsymbol{y} = X\beta^* +
\boldsymbol{\eta}$, where an adversary oblivious to the design $X \in
\mathbb{R}^{n \times d}$ may choose $\boldsymbol{\eta}$ to corrupt all but a
(possibly vanishing) fraction of the observations $\boldsymbol{y}$ in an
arbitrary way. Recent work [dLN+21, dNS21] has introduced efficient algorithms
for consistent recovery of the parameter vector. These algorithms crucially
rely on the design matrix being well-spread (a matrix is well-spread if its
column span is far from any sparse vector).
In this paper, we show that there exists a family of design matrices lacking
well-spreadness such that consistent recovery of the parameter vector in the
above robust linear regression model is information-theoretically impossible.
We further investigate the average-case time complexity of certifying
well-spreadness of random matrices. We show that it is possible to efficiently
certify whether a given $n$-by-$d$ Gaussian matrix is well-spread if the number
of observations is quadratic in the ambient dimension. We complement this
result by showing rigorous evidence -- in the form of a lower bound against
low-degree polynomials -- of the computational hardness of this same
certification problem when the number of observations is $o(d^2)$.
|
112,171 | 112,171 | Applications of Machine Learning to the Identification of Anomalous ER
Claims | Improper health insurance payments resulting from fraud and upcoding result
in tens of billions of dollars in excess health care costs annually in the
United States, motivating machine learning researchers to build anomaly
detection models for health insurance claims. This article describes two such
strategies specifically for ER claims. The first is an upcoding model based on
severity code distributions, stratified by hierarchical diagnosis code
clusters. A statistically significant difference in mean upcoding anomaly
scores is observed between free-standing ERs and acute care hospitals, with
free-standing ERs being more anomalous. The second model is a random forest
that minimizes improper payments by optimally sorting ER claims within review
queues. Depending on the percentage of claims reviewed, the random forest saved
12% to 40% above a baseline approach that prioritized claims by billed amount.
|
112,172 | 112,172 | Deep Neural Imputation: A Framework for Recovering Incomplete Brain
Recordings | Neuroscientists and neuroengineers have long relied on multielectrode neural
recordings to study the brain. However, in a typical experiment, many factors
corrupt neural recordings from individual electrodes, including electrical
noise, movement artifacts, and faulty manufacturing. Currently, common practice
is to discard these corrupted recordings, reducing already limited data that is
difficult to collect. To address this challenge, we propose Deep Neural
Imputation (DNI), a framework to recover missing values from electrodes by
learning from data collected across spatial locations, days, and participants.
We explore our framework with a linear nearest-neighbor approach and two deep
generative autoencoders, demonstrating DNI's flexibility. One deep autoencoder
models participants individually, while the other extends this architecture to
model many participants jointly. We evaluate our models across 12 human
participants implanted with multielectrode intracranial electrocorticography
arrays; participants had no explicit task and behaved naturally across hundreds
of recording hours. We show that DNI recovers not only time series but also
frequency content, and further establish DNI's practical value by recovering
significant performance on a scientifically-relevant downstream neural decoding
task.
|
112,173 | 112,173 | DeepJSCC-Q: Constellation Constrained Deep Joint Source-Channel Coding | Recent works have shown that modern machine learning techniques can provide
an alternative approach to the long-standing joint source-channel coding (JSCC)
problem. Very promising initial results, superior to popular digital schemes
that utilize separate source and channel codes, have been demonstrated for
wireless image and video transmission using deep neural networks (DNNs).
However, end-to-end training of such schemes requires a differentiable channel
input representation; hence, prior works have assumed that any complex value
can be transmitted over the channel. This can prevent the application of these
codes in scenarios where the hardware or protocol can only admit certain sets
of channel inputs, prescribed by a digital constellation. Herein, we propose
DeepJSCC-Q, an end-to-end optimized JSCC solution for wireless image
transmission using a finite channel input alphabet. We show that DeepJSCC-Q can
achieve similar performance to prior works that allow any complex valued
channel input, especially when high modulation orders are available, and that
the performance asymptotically approaches that of unconstrained channel input
as the modulation order increases. Importantly, DeepJSCC-Q preserves the
graceful degradation of image quality in unpredictable channel conditions, a
desirable property for deployment in mobile systems with rapidly changing
channel conditions.
|
112,174 | 112,174 | Is Continual Learning Truly Learning Representations Continually? | Continual learning (CL) aims to learn from sequentially arriving tasks
without forgetting previous tasks. Whereas CL algorithms have tried to achieve
higher average test accuracy across all the tasks learned so far, learning
continuously useful representations is critical for successful generalization
and downstream transfer. To measure representational quality, we re-train only
the output layers using a small balanced dataset for all the tasks, evaluating
the average accuracy without any biased predictions toward the current task. We
also test on several downstream tasks, measuring transfer learning accuracy of
the learned representations. By testing our new formalism on ImageNet-100 and
ImageNet-1000, we find that using more exemplar memory is the only option to
make a meaningful difference in learned representations, and most of the
regularization- or distillation-based CL algorithms that use the exemplar
memory fail to learn continuously useful representations in class-incremental
learning. Surprisingly, unsupervised (or self-supervised) CL with sufficient
memory size can achieve comparable performance to the supervised counterparts.
Considering non-trivial labeling costs, we claim that finding more efficient
unsupervised CL algorithms that minimally use exemplary memory would be the
next promising direction for CL research.
|
112,175 | 112,175 | Closed-Form Diffeomorphic Transformations for Time Series Alignment | Time series alignment methods call for highly expressive, differentiable and
invertible warping functions which preserve temporal topology, i.e
diffeomorphisms. Diffeomorphic warping functions can be generated from the
integration of velocity fields governed by an ordinary differential equation
(ODE). Gradient-based optimization frameworks containing diffeomorphic
transformations require to calculate derivatives to the differential equation's
solution with respect to the model parameters, i.e. sensitivity analysis.
Unfortunately, deep learning frameworks typically lack
automatic-differentiation-compatible sensitivity analysis methods; and implicit
functions, such as the solution of ODE, require particular care. Current
solutions appeal to adjoint sensitivity methods, ad-hoc numerical solvers or
ResNet's Eulerian discretization. In this work, we present a closed-form
expression for the ODE solution and its gradient under continuous
piecewise-affine (CPA) velocity functions. We present a highly optimized
implementation of the results on CPU and GPU. Furthermore, we conduct extensive
experiments on several datasets to validate the generalization ability of our
model to unseen data for time-series joint alignment. Results show significant
improvements both in terms of efficiency and accuracy.
|
112,176 | 112,176 | On Private Online Convex Optimization: Optimal Algorithms in
$\ell_p$-Geometry and High Dimensional Contextual Bandits | Differentially private (DP) stochastic convex optimization (SCO) is
ubiquitous in trustworthy machine learning algorithm design. This paper studies
the DP-SCO problem with streaming data sampled from a distribution and arrives
sequentially. We also consider the continual release model where parameters
related to private information are updated and released upon each new data,
often known as the online algorithms. Despite that numerous algorithms have
been developed to achieve the optimal excess risks in different $\ell_p$ norm
geometries, yet none of the existing ones can be adapted to the streaming and
continual release setting. To address such a challenge as the online convex
optimization with privacy protection, we propose a private variant of online
Frank-Wolfe algorithm with recursive gradients for variance reduction to update
and reveal the parameters upon each data. Combined with the adaptive
differential privacy analysis, our online algorithm achieves in linear time the
optimal excess risk when $1<p\leq 2$ and the state-of-the-art excess risk
meeting the non-private lower ones when $2<p\leq\infty$. Our algorithm can also
be extended to the case $p=1$ to achieve nearly dimension-independent excess
risk. While previous variance reduction results on recursive gradient have
theoretical guarantee only in the independent and identically distributed
sample setting, we establish such a guarantee in a non-stationary setting. To
demonstrate the virtues of our method, we design the first DP algorithm for
high-dimensional generalized linear bandits with logarithmic regret.
Comparative experiments with a variety of DP-SCO and DP-Bandit algorithms
exhibit the efficacy and utility of the proposed algorithms.
|
112,177 | 112,177 | Learning to Infer Structures of Network Games | Strategic interactions between a group of individuals or organisations can be
modelled as games played on networks, where a player's payoff depends not only
on their actions but also on those of their neighbours. Inferring the network
structure from observed game outcomes (equilibrium actions) is an important
problem with numerous potential applications in economics and social sciences.
Existing methods mostly require the knowledge of the utility function
associated with the game, which is often unrealistic to obtain in real-world
scenarios. We adopt a transformer-like architecture which correctly accounts
for the symmetries of the problem and learns a mapping from the equilibrium
actions to the network structure of the game without explicit knowledge of the
utility function. We test our method on three different types of network games
using both synthetic and real-world data, and demonstrate its effectiveness in
network structure inference and superior performance over existing methods.
|
112,178 | 112,178 | Using adversarial images to improve outcomes of federated learning for
non-IID data | One of the important problems in federated learning is how to deal with
unbalanced data. This contribution introduces a novel technique designed to
deal with label skewed non-IID data, using adversarial inputs, created by the
I-FGSM method. Adversarial inputs guide the training process and allow the
Weighted Federated Averaging to give more importance to clients with 'selected'
local label distributions. Experimental results, gathered from image
classification tasks, for MNIST and CIFAR-10 datasets, are reported and
analyzed.
|
112,179 | 112,179 | Large-scale, multi-centre, multi-disease validation of an AI clinical
tool for cine CMR analysis | INTRODUCTION: Artificial intelligence (AI) has the potential to facilitate
the automation of CMR analysis for biomarker extraction. However, most AI
algorithms are trained on a specific input domain (e.g., single scanner vendor
or hospital-tailored imaging protocol) and lack the robustness to perform
optimally when applied to CMR data from other input domains. METHODS: Our
proposed framework consists of an AI-based algorithm for biventricular
segmentation of short-axis images, followed by a post-analysis quality control
to detect erroneous results. The segmentation algorithm was trained on a large
dataset of clinical CMR scans from two NHS hospitals (n=2793) and validated on
additional cases from this dataset (n=441) and on five external datasets
(n=6808). The validation data included CMR scans of patients with a range of
diseases acquired at 12 different centres using CMR scanners from all major
vendors. RESULTS: Our method yielded median Dice scores over 87%, translating
into median absolute errors in cardiac biomarkers within the range of
inter-observer variability: <8.4mL (left ventricle), <9.2mL (right ventricle),
<13.3g (left ventricular mass), and <5.9% (ejection fraction) across all
datasets. Stratification of cases according to phenotypes of cardiac disease
and scanner vendors showed good agreement. CONCLUSIONS: We show that our
proposed tool, which combines a state-of-the-art AI algorithm trained on a
large-scale multi-domain CMR dataset with a post-analysis quality control,
allows us to robustly deal with routine clinical data from multiple centres,
vendors, and cardiac diseases. This is a fundamental step for the clinical
translation of AI algorithms. Moreover, our method yields a range of additional
biomarkers of cardiac function (filling and ejection rates, regional wall
motion, and strain) at no extra computational cost.
|
112,180 | 112,180 | Lessons learned from the NeurIPS 2021 MetaDL challenge: Backbone
fine-tuning without episodic meta-learning dominates for few-shot learning
image classification | Although deep neural networks are capable of achieving performance superior
to humans on various tasks, they are notorious for requiring large amounts of
data and computing resources, restricting their success to domains where such
resources are available. Metalearning methods can address this problem by
transferring knowledge from related tasks, thus reducing the amount of data and
computing resources needed to learn new tasks. We organize the MetaDL
competition series, which provide opportunities for research groups all over
the world to create and experimentally assess new meta-(deep)learning solutions
for real problems. In this paper, authored collaboratively between the
competition organizers and the top-ranked participants, we describe the design
of the competition, the datasets, the best experimental results, as well as the
top-ranked methods in the NeurIPS 2021 challenge, which attracted 15 active
teams who made it to the final phase (by outperforming the baseline), making
over 100 code submissions during the feedback phase. The solutions of the top
participants have been open-sourced. The lessons learned include that learning
good representations is essential for effective transfer learning.
|
112,181 | 112,181 | A Contextual Combinatorial Semi-Bandit Approach to Network Bottleneck
Identification | Bottleneck identification is a challenging task in network analysis,
especially when the network is not fully specified. To address this task, we
develop a unified online learning framework based on combinatorial semi-bandits
that performs bottleneck identification alongside learning the specifications
of the underlying network. Within this framework, we adapt and investigate
several combinatorial semi-bandit methods such as epsilon-greedy, LinUCB,
BayesUCB, and Thompson Sampling. Our framework is able to employ contextual
information in the form of contextual bandits. We evaluate our framework on the
real-world application of road networks and demonstrate its effectiveness in
different settings.
|
112,182 | 112,182 | A Truthful Owner-Assisted Scoring Mechanism | Alice (owner) has knowledge of the underlying quality of her items measured
in grades. Given the noisy grades provided by an independent party, can Bob
(appraiser) obtain accurate estimates of the ground-truth grades of the items
by asking Alice a question about the grades? We address this when the payoff to
Alice is additive convex utility over all her items. We establish that if Alice
has to truthfully answer the question so that her payoff is maximized, the
question must be formulated as pairwise comparisons between her items. Next, we
prove that if Alice is required to provide a ranking of her items, which is the
most fine-grained question via pairwise comparisons, she would be truthful. By
incorporating the ground-truth ranking, we show that Bob can obtain an
estimator with the optimal squared error in certain regimes based on any
possible way of truthful information elicitation. Moreover, the estimated
grades are substantially more accurate than the raw grades when the number of
items is large and the raw grades are very noisy. Finally, we conclude the
paper with several extensions and some refinements for practical
considerations.
|
112,183 | 112,183 | Fault-Tolerant Collaborative Inference through the Edge-PRUNE Framework | Collaborative inference has received significant research interest in machine
learning as a vehicle for distributing computation load, reducing latency, as
well as addressing privacy preservation in communications. Recent collaborative
inference frameworks have adopted dynamic inference methodologies such as
early-exit and run-time partitioning of neural networks. However, as machine
learning frameworks scale in the number of inference inputs, e.g., in
surveillance applications, fault tolerance related to device failure needs to
be considered. This paper presents the Edge-PRUNE distributed computing
framework, built on a formally defined model of computation, which provides a
flexible infrastructure for fault tolerant collaborative inference. The
experimental section of this work shows results on achievable inference time
savings by collaborative inference, presents fault tolerant system topologies
and analyzes their cost in terms of execution time overhead.
|
112,184 | 112,184 | Zero-Shot Video Question Answering via Frozen Bidirectional Language
Models | Video question answering (VideoQA) is a complex task that requires diverse
multi-modal data for training. Manual annotation of question and answers for
videos, however, is tedious and prohibits scalability. To tackle this problem,
recent methods consider zero-shot settings with no manual annotation of visual
question-answer. In particular, a promising approach adapts frozen
autoregressive language models pretrained on Web-scale text-only data to
multi-modal inputs. In contrast, we here build on frozen bidirectional language
models (BiLM) and show that such an approach provides a stronger and cheaper
alternative for zero-shot VideoQA. In particular, (i) we combine visual inputs
with the frozen BiLM using light trainable modules, (ii) we train such modules
using Web-scraped multi-modal data, and finally (iii) we perform zero-shot
VideoQA inference through masked language modeling, where the masked text is
the answer to a given question. Our proposed approach, FrozenBiLM, outperforms
the state of the art in zero-shot VideoQA by a significant margin on a variety
of datasets, including LSMDC-FiB, iVQA, MSRVTT-QA, MSVD-QA, ActivityNet-QA,
TGIF-FrameQA, How2QA and TVQA. It also demonstrates competitive performance in
the few-shot and fully-supervised setting. Our code and models will be made
publicly available at https://antoyang.github.io/frozenbilm.html.
|
112,185 | 112,185 | Long Range Graph Benchmark | Graph Neural Networks (GNNs) that are based on the message passing (MP)
paradigm exchange information between 1-hop neighbors to build node
representations at each layer. In principle, such networks are not able to
capture long-range interactions (LRI) that may be desired or necessary for
learning a given task on graphs. Recently, there has been an increasing
interest in development of Transformer-based methods for graphs that can
consider full node connectivity beyond the original sparse structure, thus
enabling the modeling of LRI. However, MP-GNNs that simply rely on 1-hop
message passing often fare better in several existing graph benchmarks when
combined with positional feature representations, among other innovations,
hence limiting the perceived utility and ranking of Transformer-like
architectures. Here, we present the Long Range Graph Benchmark (LRGB) with 5
graph learning datasets: PascalVOC-SP, COCO-SP, PCQM-Contact, Peptides-func and
Peptides-struct that arguably require LRI reasoning to achieve strong
performance in a given task. We benchmark both baseline GNNs and Graph
Transformer networks to verify that the models which capture long-range
dependencies perform significantly better on these tasks. Therefore, these
datasets are suitable for benchmarking and exploration of MP-GNNs and Graph
Transformer architectures that are intended to capture LRI.
|
112,186 | 112,186 | Adversarial Privacy Protection on Speech Enhancement | Speech is easily leaked imperceptibly, such as being recorded by mobile
phones in different situations. Private content in speech may be maliciously
extracted through speech enhancement technology. Speech enhancement technology
has developed rapidly along with deep neural networks (DNNs), but adversarial
examples can cause DNNs to fail. In this work, we propose an adversarial method
to degrade speech enhancement systems. Experimental results show that generated
adversarial examples can erase most content information in original examples or
replace it with target speech content through speech enhancement. The word
error rate (WER) between an enhanced original example and enhanced adversarial
example recognition result can reach 89.0%. WER of target attack between
enhanced adversarial example and target example is low to 33.75% . Adversarial
perturbation can bring the rate of change to the original example to more than
1.4430. This work can prevent the malicious extraction of speech.
|
112,187 | 112,187 | Not All Lotteries Are Made Equal | The Lottery Ticket Hypothesis (LTH) states that for a reasonably sized neural
network, a sub-network within the same network yields no less performance than
the dense counterpart when trained from the same initialization. This work
investigates the relation between model size and the ease of finding these
sparse sub-networks. We show through experiments that, surprisingly, under a
finite budget, smaller models benefit more from Ticket Search (TS).
|
112,188 | 112,188 | User Engagement and Churn in Mobile Health Applications | Mobile health apps are revolutionizing the healthcare ecosystem by improving
communication, efficiency, and quality of service. In low- and middle-income
countries, they also play a unique role as a source of information about health
outcomes and behaviors of patients and healthcare workers, while providing a
suitable channel to deliver both personalized and collective policy
interventions. We propose a framework to study user engagement with mobile
health, focusing on healthcare workers and digital health apps designed to
support them in resource-poor settings. The behavioral logs produced by these
apps can be transformed into daily time series characterizing each user's
activity. We use probabilistic and survival analysis to build multiple
personalized measures of meaningful engagement, which could serve to tailor
content and digital interventions suiting each health worker's specific needs.
Special attention is given to the problem of detecting churn, understood as a
marker of complete disengagement. We discuss the application of our methods to
the Indian and Ethiopian users of the Safe Delivery App, a capacity-building
tool for skilled birth attendants. This work represents an important step
towards a full characterization of user engagement in mobile health
applications, which can significantly enhance the abilities of health workers
and, ultimately, save lives.
|
112,189 | 112,189 | ResNorm: Tackling Long-tailed Degree Distribution Issue in Graph Neural
Networks via Normalization | Graph Neural Networks (GNNs) have attracted much attention due to their
ability in learning representations from graph-structured data. Despite the
successful applications of GNNs in many domains, the optimization of GNNs is
less well studied, and the performance on node classification heavily suffers
from the long-tailed node degree distribution. This paper focuses on improving
the performance of GNNs via normalization.
In detail, by studying the long-tailed distribution of node degrees in the
graph, we propose a novel normalization method for GNNs, which is termed
ResNorm (\textbf{Res}haping the long-tailed distribution into a normal-like
distribution via \textbf{norm}alization). The $scale$ operation of ResNorm
reshapes the node-wise standard deviation (NStd) distribution so as to improve
the accuracy of tail nodes (\textit{i}.\textit{e}., low-degree nodes). We
provide a theoretical interpretation and empirical evidence for understanding
the mechanism of the above $scale$. In addition to the long-tailed distribution
issue, over-smoothing is also a fundamental issue plaguing the community. To
this end, we analyze the behavior of the standard shift and prove that the
standard shift serves as a preconditioner on the weight matrix, increasing the
risk of over-smoothing. With the over-smoothing issue in mind, we design a
$shift$ operation for ResNorm that simulates the degree-specific parameter
strategy in a low-cost manner. Extensive experiments have validated the
effectiveness of ResNorm on several node classification benchmark datasets.
|
112,190 | 112,190 | MAGIC: Microlensing Analysis Guided by Intelligent Computation | The modeling of binary microlensing light curves via the standard
sampling-based method can be challenging, because of the time-consuming light
curve computation and the pathological likelihood landscape in the
high-dimensional parameter space. In this work, we present MAGIC, which is a
machine learning framework to efficiently and accurately infer the microlensing
parameters of binary events with realistic data quality. In MAGIC, binary
microlensing parameters are divided into two groups and inferred separately
with different neural networks. The key feature of MAGIC is the introduction of
neural controlled differential equation, which provides the capability to
handle light curves with irregular sampling and large data gaps. Based on
simulated light curves, we show that MAGIC can achieve fractional uncertainties
of a few percent on the binary mass ratio and separation. We also test MAGIC on
a real microlensing event. MAGIC is able to locate the degenerate solutions
even when large data gaps are introduced. As irregular samplings are common in
astronomical surveys, our method also has implications to other studies that
involve time series.
|
112,191 | 112,191 | Learning Physics between Digital Twins with Low-Fidelity Models and
Physics-Informed Gaussian Processes | A digital twin is a computer model that represents an individual, for
example, a component, a patient or a process. In many situations, we want to
gain knowledge about an individual from its data while incorporating imperfect
physical knowledge and also learn from data from other individuals. In this
paper, we introduce and demonstrate a fully Bayesian methodology for learning
between digital twins in a setting where the physical parameters of each
individual are of interest. For each individual, the methodology is based on
Bayesian calibration with model discrepancy. Through the discrepancy, modelled
as a Gaussian process, the imperfect low-fidelity physical model is accounted
for. Using ideas from Bayesian hierarchical models, a joint probabilistic model
of digital twins is constructed by connecting them through a new level in the
hierarchy. For the physical parameters, the methodology can be seen as using a
prior distribution in the individual model that is the posterior of the
corresponding hyperparameter in the joint model. For learning the imperfect
physics between individuals two approaches are introduced, one that assumes the
same discrepancy for all individuals and one that can be seen as using a prior
learned from all individuals for the parameters of the Gaussian processes
representing the discrepancies. Based on recent advances related to
physics-informed priors, Hamiltonian Monte Carlo methods and using these for
inverse problems we set up an inference methodology that allows our approach to
be computational feasible also for physical models based on partial
differential equations and individual data that are not aligned. The
methodology is demonstrated in two synthetic case studies, a toy example
previously used in the literature extended to more individuals and an example
based on a cardiovascular differential equation model relevant for the
treatment of hypertension.
|
112,192 | 112,192 | Inherent Inconsistencies of Feature Importance | The black-box nature of modern machine learning techniques invokes a
practical and ethical need for explainability. Feature importance aims to meet
this need by assigning scores to features, so humans can understand their
influence on predictions. Feature importance can be used to explain predictions
under different settings: of the entire sample space or a specific instance; of
model behavior, or the dependencies in the data themselves. However, in most
cases thus far, each of these settings was studied in isolation.
We attempt to develop a sound feature importance score framework by defining
a small set of desired properties. Surprisingly, we prove an inconsistency
theorem, showing that the expected properties cannot hold simultaneously. To
overcome this difficulty, we propose the novel notion of re-partitioning the
feature space into separable sets. Such sets are constructed to contain
features that exhibit inter-set independence with respect to the target
variable. We show that there exists a unique maximal partitioning into
separable sets. Moreover, assigning scores to separable sets, instead of single
features, unifies the results of commonly used feature importance scores and
annihilates the inconsistencies we demonstrated.
|
112,193 | 112,193 | A Closer Look at Smoothness in Domain Adversarial Training | Domain adversarial training has been ubiquitous for achieving invariant
representations and is used widely for various domain adaptation tasks. In
recent times, methods converging to smooth optima have shown improved
generalization for supervised learning tasks like classification. In this work,
we analyze the effect of smoothness enhancing formulations on domain
adversarial training, the objective of which is a combination of task loss (eg.
classification, regression, etc.) and adversarial terms. We find that
converging to a smooth minima with respect to (w.r.t.) task loss stabilizes the
adversarial training leading to better performance on target domain. In
contrast to task loss, our analysis shows that converging to smooth minima
w.r.t. adversarial loss leads to sub-optimal generalization on the target
domain. Based on the analysis, we introduce the Smooth Domain Adversarial
Training (SDAT) procedure, which effectively enhances the performance of
existing domain adversarial methods for both classification and object
detection tasks. Our analysis also provides insight into the extensive usage of
SGD over Adam in the community for domain adversarial training.
|
112,194 | 112,194 | Functional Output Regression with Infimal Convolution: Exploring the
Huber and $\epsilon$-insensitive Losses | The focus of the paper is functional output regression (FOR) with convoluted
losses. While most existing work consider the square loss setting, we leverage
extensions of the Huber and the $\epsilon$-insensitive loss (induced by infimal
convolution) and propose a flexible framework capable of handling various forms
of outliers and sparsity in the FOR family. We derive computationally tractable
algorithms relying on duality to tackle the resulting tasks in the context of
vector-valued reproducing kernel Hilbert spaces. The efficiency of the approach
is demonstrated and contrasted with the classical squared loss setting on both
synthetic and real-world benchmarks.
|
112,195 | 112,195 | Adapting Self-Supervised Vision Transformers by Probing
Attention-Conditioned Masking Consistency | Visual domain adaptation (DA) seeks to transfer trained models to unseen,
unlabeled domains across distribution shift, but approaches typically focus on
adapting convolutional neural network architectures initialized with supervised
ImageNet representations. In this work, we shift focus to adapting modern
architectures for object recognition -- the increasingly popular Vision
Transformer (ViT) -- and modern pretraining based on self-supervised learning
(SSL). Inspired by the design of recent SSL approaches based on learning from
partial image inputs generated via masking or cropping -- either by learning to
predict the missing pixels, or learning representational invariances to such
augmentations -- we propose PACMAC, a simple two-stage adaptation algorithm for
self-supervised ViTs. PACMAC first performs in-domain SSL on pooled source and
target data to learn task-discriminative features, and then probes the model's
predictive consistency across a set of partial target inputs generated via a
novel attention-conditioned masking strategy, to identify reliable candidates
for self-training. Our simple approach leads to consistent performance gains
over competing methods that use ViTs and self-supervised initializations on
standard object recognition benchmarks. Code available at
https://github.com/virajprabhu/PACMAC
|
112,196 | 112,196 | All the World's a (Hyper)Graph: A Data Drama | We introduce Hyperbard, a dataset of diverse relational data representations
derived from Shakespeare's plays. Our representations range from simple graphs
capturing character co-occurrence in single scenes to hypergraphs encoding
complex communication settings and character contributions as hyperedges with
edge-specific node weights. By making multiple intuitive representations
readily available for experimentation, we facilitate rigorous representation
robustness checks in graph learning, graph mining, and network analysis,
highlighting the advantages and drawbacks of specific representations.
Leveraging the data released in Hyperbard, we demonstrate that many solutions
to popular graph mining problems are highly dependent on the representation
choice, thus calling current graph curation practices into question. As an
homage to our data source, and asserting that science can also be art, we
present all our points in the form of a play.
|
112,197 | 112,197 | Simple and Efficient Architectures for Semantic Segmentation | Though the state-of-the architectures for semantic segmentation, such as
HRNet, demonstrate impressive accuracy, the complexity arising from their
salient design choices hinders a range of model acceleration tools, and further
they make use of operations that are inefficient on current hardware. This
paper demonstrates that a simple encoder-decoder architecture with a
ResNet-like backbone and a small multi-scale head, performs on-par or better
than complex semantic segmentation architectures such as HRNet, FANet and
DDRNets. Naively applying deep backbones designed for Image Classification to
the task of Semantic Segmentation leads to sub-par results, owing to a much
smaller effective receptive field of these backbones. Implicit among the
various design choices put forth in works like HRNet, DDRNet, and FANet are
networks with a large effective receptive field. It is natural to ask if a
simple encoder-decoder architecture would compare favorably if comprised of
backbones that have a larger effective receptive field, though without the use
of inefficient operations like dilated convolutions. We show that with minor
and inexpensive modifications to ResNets, enlarging the receptive field, very
simple and competitive baselines can be created for Semantic Segmentation. We
present a family of such simple architectures for desktop as well as mobile
targets, which match or exceed the performance of complex models on the
Cityscapes dataset. We hope that our work provides simple yet effective
baselines for practitioners to develop efficient semantic segmentation models.
|
112,198 | 112,198 | Noisy Learning for Neural ODEs Acts as a Robustness Locus Widening | We investigate the problems and challenges of evaluating the robustness of
Differential Equation-based (DE) networks against synthetic distribution
shifts. We propose a novel and simple accuracy metric which can be used to
evaluate intrinsic robustness and to validate dataset corruption simulators. We
also propose methodology recommendations, destined for evaluating the many
faces of neural DEs' robustness and for comparing them with their discrete
counterparts rigorously. We then use this criteria to evaluate a cheap data
augmentation technique as a reliable way for demonstrating the natural
robustness of neural ODEs against simulated image corruptions across multiple
datasets.
|
112,199 | 112,199 | Catastrophic overfitting is a bug but also a feature | Despite clear computational advantages in building robust neural networks,
adversarial training (AT) using single-step methods is unstable as it suffers
from catastrophic overfitting (CO): Networks gain non-trivial robustness during
the first stages of adversarial training, but suddenly reach a breaking point
where they quickly lose all robustness in just a few iterations. Although some
works have succeeded at preventing CO, the different mechanisms that lead to
this remarkable failure mode are still poorly understood. In this work,
however, we find that the interplay between the structure of the data and the
dynamics of AT plays a fundamental role in CO. Specifically, through active
interventions on typical datasets of natural images, we establish a causal link
between the structure of the data and the onset of CO in single-step AT
methods. This new perspective provides important insights into the mechanisms
that lead to CO and paves the way towards a better understanding of the general
dynamics of robust model construction. The code to reproduce the experiments of
this paper can be found at https://github.com/gortizji/co_features .
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.