Unnamed: 0
int64 0
5k
| title
stringlengths 9
210
| abstract
stringlengths 164
1.92k
|
---|---|---|
1,700 | 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. |
1,701 | "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. |
1,702 | Identifying Electrocardiogram Abnormalities Using a Handcrafted-Rule-Enhanced Neural Network | A large number of people suffer from life-threatening cardiac abnormalities,
and electrocardiogram (ECG) analysis is beneficial to determining whether an
individual is at risk of such abnormalities. Automatic ECG classification
methods, especially the deep learning based ones, have been proposed to detect
cardiac abnormalities using ECG records, showing good potential to improve
clinical diagnosis and help early prevention of cardiovascular diseases.
However, the predictions of the known neural networks still do not
satisfactorily meet the needs of clinicians, and this phenomenon suggests that
some information used in clinical diagnosis may not be well captured and
utilized by these methods. In this paper, we introduce some rules into
convolutional neural networks, which help present clinical knowledge to deep
learning based ECG analysis, in order to improve automated ECG diagnosis
performance. Specifically, we propose a Handcrafted-Rule-enhanced Neural
Network (called HRNN) for ECG classification with standard 12-lead ECG input,
which consists of a rule inference module and a deep learning module.
Experiments on two large-scale public ECG datasets show that our new approach
considerably outperforms existing state-of-the-art methods. Further, our
proposed approach not only can improve the diagnosis performance, but also can
assist in detecting mislabelled ECG samples. Our codes are available at
https://github.com/alwaysbyx/ecg_processing. |
1,703 | 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. |
1,704 | 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 shown by previous work, 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, implying 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. |
1,705 | 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. |
1,706 | 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. |
1,707 | 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. |
1,708 | 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. |
1,709 | 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. |
1,710 | 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. |
1,711 | 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. |
1,712 | 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. |
1,713 | 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%. |
1,714 | 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. |
1,715 | 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. |
1,716 | 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. |
1,717 | 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. |
1,718 | 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.} |
1,719 | 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. |
1,720 | 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. |
1,721 | 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. |
1,722 | 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. |
1,723 | 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. |
1,724 | 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. |
1,725 | 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. |
1,726 | 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. |
1,727 | Metric-Fair Classifier Derandomization | We study the problem of 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. |
1,728 | 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. |
1,729 | Discovery of the Content and Engagement with the Content | In the second half of the 20th century, Parliament allowed broadcasters to
transmit radio and eventually television coverage of debates and meetings of
select committees. More recently, in an effort to further improve transparency
and citizen engagement, the UK Parliament started publishing videos of these
debates and meetings itself, and tweeting details of debates as they happened.
In this paper, we attempt to characterise how people engage with video data of
Parliamentary debates by using more than two years of Google Analytics data
around these videos. We analyse the patterns of engagement - how do they land
on a particular video? How do they hear about this video, i.e., what is the
(HTTP) referrer website that led to the user clicking on the video? Once a user
lands on a video, how do they engage with it? For how long is the video played?
What is the next destination? etc. Answering these questions is an important
first step towards understanding why and how people use Parliamentary videos,
and therefore, how the video delivery platform should be adapted and
personalised for the needs of the citizens of the country. Taking inspiration
from An, Kwak, and Jansen (2017), we employ Non-Negative Matrix Factorization
(NMF) (Lee and Seung, 1999) on the video views matrix to identify different
archetypes of users, and identify archetypes. A deeper examination of the
archetypes we find reveals that they are primarily distinguished by how they
land on the video page: Search (i.e., through a search engine), Referral (i.e.,
from other Parliamentary websites), Direct (i.e., through a direct link, which
is embedded on another website), Social (i.e., through a social platform such
as Facebook or Twitter) and Others. |
1,730 | 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. |
1,731 | 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. |
1,732 | 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. |
1,733 | 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. |
1,734 | 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. |
1,735 | 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. |
1,736 | Leveraging Uncertainty in Deep Learning for Pancreatic Adenocarcinoma Grading | Pancreatic cancers have one of the worst prognoses compared to other cancers,
as they are diagnosed when cancer has progressed towards its latter stages. The
current manual histological grading for diagnosing pancreatic adenocarcinomas
is time-consuming and often results in misdiagnosis. In digital pathology,
AI-based cancer grading must be extremely accurate in prediction and
uncertainty quantification to improve reliability and explainability and are
essential for gaining clinicians trust in the technology. We present Bayesian
Convolutional Neural Networks for automated pancreatic cancer grading from MGG
and HE stained images to estimate uncertainty in model prediction. We show that
the estimated uncertainty correlates with prediction error. Specifically, it is
useful in setting the acceptance threshold using a metric that weighs
classification accuracy-reject trade-off and misclassification cost controlled
by hyperparameters and can be employed in clinical settings. |
1,737 | Federated Data Analytics: A Study on Linear Models | As edge devices become increasingly powerful, data analytics are gradually
moving from a centralized to a decentralized regime where edge compute
resources are exploited to process more of the data locally. This regime of
analytics is coined as federated data analytics (FDA). In spite of the recent
success stories of FDA, most literature focuses exclusively on deep neural
networks. In this work, we take a step back to develop an FDA treatment for one
of the most fundamental statistical models: linear regression. Our treatment is
built upon hierarchical modeling that allows borrowing strength across multiple
groups. To this end, we propose two federated hierarchical model structures
that provide a shared representation across devices to facilitate information
sharing. Notably, our proposed frameworks are capable of providing uncertainty
quantification, variable selection, hypothesis testing and fast adaptation to
new unseen data. We validate our methods on a range of real-life applications
including condition monitoring for aircraft engines. The results show that our
FDA treatment for linear models can serve as a competing benchmark model for
future development of federated algorithms. |
1,738 | Participation and Data Valuation in IoT Data Markets through Distributed Coalitions | This paper considers a market for Internet of Things (IoT) data that is used
to train machine learning models. The data is supplied to the market platform
through a network and the price of the data is controlled based on the value it
brings to the machine learning model. We explore the correlation property of
data in a game-theoretical setting to eventually derive a simplified
distributed solution for a data trading mechanism that emphasizes the mutual
benefit of devices and the market. The key proposal is an efficient algorithm
for markets that jointly addresses the challenges of availability and
heterogeneity in participation, as well as the transfer of trust and the
economic value of data exchange in IoT networks. The proposed approach
establishes the data market by reinforcing collaboration opportunities between
devices with correlated data to avoid information leakage. Therein, we develop
a network-wide optimization problem that maximizes the social value of
coalition among the IoT devices of similar data types; at the same time, it
minimizes the cost due to network externalities, i.e., the impact of
information leakage due to data correlation, as well as the opportunity costs.
Finally, we reveal the structure of the formulated problem as a distributed
coalition game and solve it following the simplified split-and-merge algorithm.
Simulation results show the efficacy of our proposed mechanism design toward a
trusted IoT data market, with up to 32.72% gain in the average payoff for each
seller. |
1,739 | Evaluating Short-Term Forecasting of Multiple Time Series in IoT Environments | Modern Internet of Things (IoT) environments are monitored via a large number
of IoT enabled sensing devices, with the data acquisition and processing
infrastructure setting restrictions in terms of computational power and energy
resources. To alleviate this issue, sensors are often configured to operate at
relatively low sampling frequencies, yielding a reduced set of observations.
Nevertheless, this can hamper dramatically subsequent decision-making, such as
forecasting. To address this problem, in this work we evaluate short-term
forecasting in highly underdetermined cases, i.e., the number of sensor streams
is much higher than the number of observations. Several statistical, machine
learning and neural network-based models are thoroughly examined with respect
to the resulting forecasting accuracy on five different real-world datasets.
The focus is given on a unified experimental protocol especially designed for
short-term prediction of multiple time series at the IoT edge. The proposed
framework can be considered as an important step towards establishing a solid
forecasting strategy in resource constrained IoT applications. |
1,740 | A machine learning approach to predicting pore pressure response in liquefiable sands under cyclic loading | Shear stress history controls the pore pressure response in liquefiable
soils. The excess pore pressure does not increase under cyclic loading when
shear stress amplitude is lower than the peak prior amplitude -- the shielding
effect. Many sophisticated constitutive models fail to capture the shielding
effect observed in the cyclic liquefaction experiments. We develop a
data-driven machine learning model based on the LSTM neural network to capture
the liquefaction response of soils under cyclic loading. The LSTM model is
trained on 12 laboratory cyclic simple shear tests on Nevada sand in loose and
dense conditions subjected to different cyclic simple shear loading conditions.
The LSTM model features include the relative density of soil and the previous
stress history to predict the pore water pressure response. The LSTM model
successfully replicates the pore pressure response for three cyclic simple test
results considering the shielding and density effects. |
1,741 | Robust Attack Graph Generation | We present a method to learn automaton models that are more robust to input
modifications. It iteratively aligns sequences to a learned model, modifies the
sequences to their aligned versions, and re-learns the model. Automaton
learning algorithms are typically very good at modeling the frequent behavior
of a software system. Our solution can be used to also learn the behavior
present in infrequent sequences, as these will be aligned to the frequent ones
represented by the model. We apply our method to the SAGE tool for modeling
attacker behavior from intrusion alerts. In experiments, we demonstrate that
our algorithm learns models that can handle noise such as added and removed
symbols from sequences. Furthermore, it learns more concise models that fit
better to the training data. |
1,742 | HyperImpute: Generalized Iterative Imputation with Automatic Model Selection | Consider the problem of imputing missing values in a dataset. One the one
hand, conventional approaches using iterative imputation benefit from the
simplicity and customizability of learning conditional distributions directly,
but suffer from the practical requirement for appropriate model specification
of each and every variable. On the other hand, recent methods using deep
generative modeling benefit from the capacity and efficiency of learning with
neural network function approximators, but are often difficult to optimize and
rely on stronger data assumptions. In this work, we study an approach that
marries the advantages of both: We propose *HyperImpute*, a generalized
iterative imputation framework for adaptively and automatically configuring
column-wise models and their hyperparameters. Practically, we provide a
concrete implementation with out-of-the-box learners, optimizers, simulators,
and extensible interfaces. Empirically, we investigate this framework via
comprehensive experiments and sensitivities on a variety of public datasets,
and demonstrate its ability to generate accurate imputations relative to a
strong suite of benchmarks. Contrary to recent work, we believe our findings
constitute a strong defense of the iterative imputation paradigm. |
1,743 | Kantorovich Strikes Back! Wasserstein GANs are not Optimal Transport? | Wasserstein Generative Adversarial Networks (WGANs) are the popular
generative models built on the theory of Optimal Transport (OT) and the
Kantorovich duality. Despite the success of WGANs, it is still unclear how well
the underlying OT dual solvers approximate the OT cost (Wasserstein-1 distance,
$\mathbb{W}_{1}$) and the OT gradient needed to update the generator. In this
paper, we address these questions. We construct 1-Lipschitz functions and use
them to build ray monotone transport plans. This strategy yields pairs of
continuous benchmark distributions with the analytically known OT plan, OT cost
and OT gradient in high-dimensional spaces such as spaces of images. We
thoroughly evaluate popular WGAN dual form solvers (gradient penalty, spectral
normalization, entropic regularization, etc.) using these benchmark pairs. Even
though these solvers perform well in WGANs, none of them faithfully compute
$\mathbb{W}_{1}$ in high dimensions. Nevertheless, many provide a meaningful
approximation of the OT gradient. These observations suggest that these solvers
should not be treated as good estimators of $\mathbb{W}_{1}$, but to some
extent they indeed can be used in variational problems requiring the
minimization of $\mathbb{W}_{1}$. |
1,744 | Pareto Invariant Risk Minimization | Despite the success of invariant risk minimization (IRM) in tackling the
Out-of-Distribution generalization problem, IRM can compromise the optimality
when applied in practice. The practical variants of IRM, e.g., IRMv1, have been
shown to have significant gaps with IRM and thus could fail to capture the
invariance even in simple problems. Moreover, the optimization procedure in
IRMv1 involves two intrinsically conflicting objectives, and often requires
careful tuning for the objective weights. To remedy the above issues, we
reformulate IRM as a multi-objective optimization problem, and propose a new
optimization scheme for IRM, called PAreto Invariant Risk Minimization (PAIR).
PAIR can adaptively adjust the optimization direction under the objective
conflicts. Furthermore, we show PAIR can empower the practical IRM variants to
overcome the barriers with the original IRM when provided with proper guidance.
We conduct experiments with ColoredMNIST to confirm our theory and the
effectiveness of PAIR. |
1,745 | SAVi++: Towards End-to-End Object-Centric Learning from Real-World Videos | The visual world can be parsimoniously characterized in terms of distinct
entities with sparse interactions. Discovering this compositional structure in
dynamic visual scenes has proven challenging for end-to-end computer vision
approaches unless explicit instance-level supervision is provided. Slot-based
models leveraging motion cues have recently shown great promise in learning to
represent, segment, and track objects without direct supervision, but they
still fail to scale to complex real-world multi-object videos. In an effort to
bridge this gap, we take inspiration from human development and hypothesize
that information about scene geometry in the form of depth signals can
facilitate object-centric learning. We introduce SAVi++, an object-centric
video model which is trained to predict depth signals from a slot-based video
representation. By further leveraging best practices for model scaling, we are
able to train SAVi++ to segment complex dynamic scenes recorded with moving
cameras, containing both static and moving objects of diverse appearance on
naturalistic backgrounds, without the need for segmentation supervision.
Finally, we demonstrate that by using sparse depth signals obtained from LiDAR,
SAVi++ is able to learn emergent object segmentation and tracking from videos
in the real-world Waymo Open dataset. |
1,746 | Reconstructing Training Data from Trained Neural Networks | Understanding to what extent neural networks memorize training data is an
intriguing question with practical and theoretical implications. In this paper
we show that in some cases a significant fraction of the training data can in
fact be reconstructed from the parameters of a trained neural network
classifier. We propose a novel reconstruction scheme that stems from recent
theoretical results about the implicit bias in training neural networks with
gradient-based methods. To the best of our knowledge, our results are the first
to show that reconstructing a large portion of the actual training samples from
a trained neural network classifier is generally possible. This has negative
implications on privacy, as it can be used as an attack for revealing sensitive
training data. We demonstrate our method for binary MLP classifiers on a few
standard computer vision datasets. |
1,747 | Hybrid full-field thermal characterization of additive manufacturing processes using physics-informed neural networks with data | Understanding the thermal behavior of additive manufacturing (AM) processes
is crucial for enhancing the quality control and enabling customized process
design. Most purely physics-based computational models suffer from intensive
computational costs, thus not suitable for online control and iterative design
application. Data-driven models taking advantage of the latest developed
computational tools can serve as a more efficient surrogate, but they are
usually trained over a large amount of simulation data and often fail to
effectively use small but high-quality experimental data. In this work, we
developed a hybrid physics-based data-driven thermal modeling approach of AM
processes using physics-informed neural networks. Specifically, partially
observed temperature data measured from an infrared camera is combined with the
physics laws to predict full-field temperature history and to discover unknown
material and process parameters. In the numerical and experimental examples,
the effectiveness of adding auxiliary training data and using the technique of
transfer learning on training efficiency and prediction accuracy, as well as
the ability to identify unknown parameters with partially observed data, are
demonstrated. The results show that the hybrid thermal model can effectively
identify unknown parameters and capture the full-field temperature accurately,
and thus it has the potential to be used in iterative process design and
real-time process control of AM. |
1,748 | On the Identifiability of Nonlinear ICA: Sparsity and Beyond | Nonlinear independent component analysis (ICA) aims to recover the underlying
independent latent sources from their observable nonlinear mixtures. How to
make the nonlinear ICA model identifiable up to certain trivial indeterminacies
is a long-standing problem in unsupervised learning. Recent breakthroughs
reformulate the standard independence assumption of sources as conditional
independence given some auxiliary variables (e.g., class labels and/or
domain/time indexes) as weak supervision or inductive bias. However, nonlinear
ICA with unconditional priors cannot benefit from such developments. We explore
an alternative path and consider only assumptions on the mixing process, such
as Structural Sparsity or Independent Influences. We show that under specific
instantiations of such constraints, the independent latent sources can be
identified from their nonlinear mixtures up to a permutation and a
component-wise transformation, thus achieving nontrivial identifiability of
nonlinear ICA without auxiliary variables. We provide estimation methods and
validate the theoretical results experimentally. The results on image data
suggest that our conditions may hold in a number of practical data generating
processes. |
1,749 | Condensing Graphs via One-Step Gradient Matching | As training deep learning models on large dataset takes a lot of time and
resources, it is desired to construct a small synthetic dataset with which we
can train deep learning models sufficiently. There are recent works that have
explored solutions on condensing image datasets through complex bi-level
optimization. For instance, dataset condensation (DC) matches network gradients
w.r.t. large-real data and small-synthetic data, where the network weights are
optimized for multiple steps at each outer iteration. However, existing
approaches have their inherent limitations: (1) they are not directly
applicable to graphs where the data is discrete; and (2) the condensation
process is computationally expensive due to the involved nested optimization.
To bridge the gap, we investigate efficient dataset condensation tailored for
graph datasets where we model the discrete graph structure as a probabilistic
model. We further propose a one-step gradient matching scheme, which performs
gradient matching for only one single step without training the network
weights. Our theoretical analysis shows this strategy can generate synthetic
graphs that lead to lower classification loss on real graphs. Extensive
experiments on various graph datasets demonstrate the effectiveness and
efficiency of the proposed method. In particular, we are able to reduce the
dataset size by 90% while approximating up to 98% of the original performance
and our method is significantly faster than multi-step gradient matching (e.g.
15x in CIFAR10 for synthesizing 500 graphs). |
1,750 | When to intervene? Prescriptive Process Monitoring Under Uncertainty and Resource Constraints | Prescriptive process monitoring approaches leverage historical data to
prescribe runtime interventions that will likely prevent negative case outcomes
or improve a process's performance. A centerpiece of a prescriptive process
monitoring method is its intervention policy: a decision function determining
if and when to trigger an intervention on an ongoing case. Previous proposals
in this field rely on intervention policies that consider only the current
state of a given case. These approaches do not consider the tradeoff between
triggering an intervention in the current state, given the level of uncertainty
of the underlying predictive models, versus delaying the intervention to a
later state. Moreover, they assume that a resource is always available to
perform an intervention (infinite capacity). This paper addresses these gaps by
introducing a prescriptive process monitoring method that filters and ranks
ongoing cases based on prediction scores, prediction uncertainty, and causal
effect of the intervention, and triggers interventions to maximize a gain
function, considering the available resources. The proposal is evaluated using
a real-life event log. The results show that the proposed method outperforms
existing baselines regarding total gain. |
1,751 | Feature Overcorrelation in Deep Graph Neural Networks: A New Perspective | Recent years have witnessed remarkable success achieved by graph neural
networks (GNNs) in many real-world applications such as recommendation and drug
discovery. Despite the success, oversmoothing has been identified as one of the
key issues which limit the performance of deep GNNs. It indicates that the
learned node representations are highly indistinguishable due to the stacked
aggregators. In this paper, we propose a new perspective to look at the
performance degradation of deep GNNs, i.e., feature overcorrelation. Through
empirical and theoretical study on this matter, we demonstrate the existence of
feature overcorrelation in deeper GNNs and reveal potential reasons leading to
this issue. To reduce the feature correlation, we propose a general framework
DeCorr which can encourage GNNs to encode less redundant information. Extensive
experiments have demonstrated that DeCorr can help enable deeper GNNs and is
complementary to existing techniques tackling the oversmoothing issue. |
1,752 | Edge Inference with Fully Differentiable Quantized Mixed Precision Neural Networks | The large computing and memory cost of deep neural networks (DNNs) often
precludes their use in resource-constrained devices. Quantizing the parameters
and operations to lower bit-precision offers substantial memory and energy
savings for neural network inference, facilitating the use of DNNs on edge
computing platforms. Recent efforts at quantizing DNNs have employed a range of
techniques encompassing progressive quantization, step-size adaptation, and
gradient scaling. This paper proposes a new quantization approach for mixed
precision convolutional neural networks (CNNs) targeting edge-computing. Our
method establishes a new pareto frontier in model accuracy and memory footprint
demonstrating a range of quantized models, delivering best-in-class accuracy
below 4.3 MB of weights (wgts.) and activations (acts.). Our main contributions
are: (i) hardware-aware heterogeneous differentiable quantization with
tensor-sliced learned precision, (ii) targeted gradient modification for wgts.
and acts. to mitigate quantization errors, and (iii) a multi-phase learning
schedule to address instability in learning arising from updates to the learned
quantizer and model parameters. We demonstrate the effectiveness of our
techniques on the ImageNet dataset across a range of models including
EfficientNet-Lite0 (e.g., 4.14MB of wgts. and acts. at 67.66% accuracy) and
MobileNetV2 (e.g., 3.51MB wgts. and acts. at 65.39% accuracy). |
1,753 | Disparate Impact in Differential Privacy from Gradient Misalignment | As machine learning becomes more widespread throughout society, aspects
including data privacy and fairness must be carefully considered, and are
crucial for deployment in highly regulated industries. Unfortunately, the
application of privacy enhancing technologies can worsen unfair tendencies in
models. In particular, one of the most widely used techniques for private model
training, differentially private stochastic gradient descent (DPSGD),
frequently intensifies disparate impact on groups within data. In this work we
study the fine-grained causes of unfairness in DPSGD and identify gradient
misalignment due to inequitable gradient clipping as the most significant
source. This observation leads us to a new method for reducing unfairness by
preventing gradient misalignment in DPSGD. |
1,754 | Improving Diversity with Adversarially Learned Transformations for Domain Generalization | To be successful in single source domain generalization, maximizing diversity
of synthesized domains has emerged as one of the most effective strategies.
Many of the recent successes have come from methods that pre-specify the types
of diversity that a model is exposed to during training, so that it can
ultimately generalize well to new domains. However, na\"ive diversity based
augmentations do not work effectively for domain generalization either because
they cannot model large domain shift, or because the span of transforms that
are pre-specified do not cover the types of shift commonly occurring in domain
generalization. To address this issue, we present a novel framework that uses
adversarially learned transformations (ALT) using a neural network to model
plausible, yet hard image transformations that fool the classifier. This
network is randomly initialized for each batch and trained for a fixed number
of steps to maximize classification error. Further, we enforce consistency
between the classifier's predictions on the clean and transformed images. With
extensive empirical analysis, we find that this new form of adversarial
transformations achieve both objectives of diversity and hardness
simultaneously, outperforming all existing techniques on competitive benchmarks
for single source domain generalization. We also show that ALT can naturally
work with existing diversity modules to produce highly distinct, and large
transformations of the source domain leading to state-of-the-art performance. |
1,755 | Taxonomy of Benchmarks in Graph Representation Learning | Graph Neural Networks (GNNs) extend the success of neural networks to
graph-structured data by accounting for their intrinsic geometry. While
extensive research has been done on developing GNN models with superior
performance according to a collection of graph representation learning
benchmarks, it is currently not well understood what aspects of a given model
are probed by them. For example, to what extent do they test the ability of a
model to leverage graph structure vs. node features? Here, we develop a
principled approach to taxonomize benchmarking datasets according to a
$\textit{sensitivity profile}$ that is based on how much GNN performance
changes due to a collection of graph perturbations. Our data-driven analysis
provides a deeper understanding of which benchmarking data characteristics are
leveraged by GNNs. Consequently, our taxonomy can aid in selection and
development of adequate graph benchmarks, and better informed evaluation of
future GNN methods. Finally, our approach and implementation in
$\texttt{GTaxoGym}$ package are extendable to multiple graph prediction task
types and future datasets. |
1,756 | Variable Bitrate Neural Fields | Neural approximations of scalar and vector fields, such as signed distance
functions and radiance fields, have emerged as accurate, high-quality
representations. State-of-the-art results are obtained by conditioning a neural
approximation with a lookup from trainable feature grids that take on part of
the learning task and allow for smaller, more efficient neural networks.
Unfortunately, these feature grids usually come at the cost of significantly
increased memory consumption compared to stand-alone neural network models. We
present a dictionary method for compressing such feature grids, reducing their
memory consumption by up to 100x and permitting a multiresolution
representation which can be useful for out-of-core streaming. We formulate the
dictionary optimization as a vector-quantized auto-decoder problem which lets
us learn end-to-end discrete neural representations in a space where no direct
supervision is available and with dynamic topology and structure. Our source
code will be available at https://github.com/nv-tlabs/vqad. |
1,757 | Masked Frequency Modeling for Self-Supervised Visual Pre-Training | We present Masked Frequency Modeling (MFM), a unified frequency-domain-based
approach for self-supervised pre-training of visual models. Instead of randomly
inserting mask tokens to the input embeddings in the spatial domain, in this
paper, we shift the perspective to the frequency domain. Specifically, MFM
first masks out a portion of frequency components of the input image and then
predicts the missing frequencies on the frequency spectrum. Our key insight is
that predicting masked components in the frequency domain is more ideal to
reveal underlying image patterns rather than predicting masked patches in the
spatial domain, due to the heavy spatial redundancy. Our findings suggest that
with the right configuration of mask-and-predict strategy, both the structural
information within high-frequency components and the low-level statistics among
low-frequency counterparts are useful in learning good representations. For the
first time, MFM demonstrates that, for both ViT and CNN, a simple non-Siamese
framework can learn meaningful representations even using none of the
following: (i) extra data, (ii) extra model, (iii) mask token. Experimental
results on ImageNet and several robustness benchmarks show the competitive
performance and advanced robustness of MFM compared with recent masked image
modeling approaches. Furthermore, we also comprehensively investigate the
effectiveness of classical image restoration tasks for representation learning
from a unified frequency perspective and reveal their intriguing relations with
our MFM approach. Project page:
https://www.mmlab-ntu.com/project/mfm/index.html. |
1,758 | Masked Siamese ConvNets | Self-supervised learning has shown superior performances over supervised
methods on various vision benchmarks. The siamese network, which encourages
embeddings to be invariant to distortions, is one of the most successful
self-supervised visual representation learning approaches. Among all the
augmentation methods, masking is the most general and straightforward method
that has the potential to be applied to all kinds of input and requires the
least amount of domain knowledge. However, masked siamese networks require
particular inductive bias and practically only work well with Vision
Transformers. This work empirically studies the problems behind masked siamese
networks with ConvNets. We propose several empirical designs to overcome these
problems gradually. Our method performs competitively on low-shot image
classification and outperforms previous methods on object detection benchmarks.
We discuss several remaining issues and hope this work can provide useful data
points for future general-purpose self-supervised learning. |
1,759 | Prefix Language Models are Unified Modal Learners | With the success of vision-language pre-training, we have witnessed the
state-of-the-art has been pushed on multi-modal understanding and generation.
However, the current pre-training paradigm is either incapable of targeting all
modalities at once (e.g., text generation and image generation), or requires
multi-fold well-designed tasks which significantly limits the scalability. We
demonstrate that a unified modal model could be learned with a prefix language
modeling objective upon text and image sequences. Thanks to the simple but
powerful pre-training paradigm, our proposed model, DaVinci, is simple to
train, scalable to huge data, and adaptable to a variety of downstream tasks
across modalities (language / vision / vision+language), types (understanding /
generation) and settings (e.g., zero-shot, fine-tuning, linear evaluation) with
a single unified architecture. DaVinci achieves the competitive performance on
a wide range of 26 understanding / generation tasks, and outperforms previous
unified vision-language models on most tasks, including ImageNet classification
(+1.6%), VQAv2 (+1.4%), COCO caption generation (BLEU@4 +1.1%, CIDEr +1.5%) and
COCO image generation (IS +0.9%, FID -1.0%), at the comparable model and data
scale. Furthermore, we offer a well-defined benchmark for future research by
reporting the performance on different scales of the pre-training dataset on a
heterogeneous and wide distribution coverage. Our results establish new,
stronger baselines for future comparisons at different data scales and shed
light on the difficulties of comparing VLP models more generally. |
1,760 | MACE: Higher Order Equivariant Message Passing Neural Networks for Fast and Accurate Force Fields | Creating fast and accurate force fields is a long-standing challenge in
computational chemistry and materials science. Recently, several equivariant
message passing neural networks (MPNNs) have been shown to outperform models
built using other approaches in terms of accuracy. However, most MPNNs suffer
from high computational cost and poor scalability. We propose that these
limitations arise because MPNNs only pass two-body messages leading to a direct
relationship between the number of layers and the expressivity of the network.
In this work, we introduce MACE, a new equivariant MPNN model that uses higher
body order messages. In particular, we show that using four-body messages
reduces the required number of message passing iterations to just \emph{two},
resulting in a fast and highly parallelizable model, reaching or exceeding
state-of-the-art accuracy on the rMD17, 3BPA, and AcAc benchmark tasks. We also
demonstrate that using higher order messages leads to an improved steepness of
the learning curves. |
1,761 | Diffusion Models for Video Prediction and Infilling | To predict and anticipate future outcomes or reason about missing information
in a sequence is a key ability for agents to be able to make intelligent
decisions. This requires strong temporally coherent generative capabilities.
Diffusion models have shown huge success in several generative tasks lately,
but have not been extensively explored in the video domain. We present
Random-Mask Video Diffusion (RaMViD), which extends image diffusion models to
videos using 3D convolutions, and introduces a new conditioning technique
during training. By varying the mask we condition on, the model is able to
perform video prediction, infilling and upsampling. Since we do not use
concatenation to condition on a mask, as done in most conditionally trained
diffusion models, we are able to decrease the memory footprint. We evaluated
the model on two benchmark datasets for video prediction and one for video
generation on which we achieved competitive results. On Kinetics-600 we
achieved state-of-the-art for video prediction. |
1,762 | ELUDE: Generating interpretable explanations via a decomposition into labelled and unlabelled features | Deep learning models have achieved remarkable success in different areas of
machine learning over the past decade; however, the size and complexity of
these models make them difficult to understand. In an effort to make them more
interpretable, several recent works focus on explaining parts of a deep neural
network through human-interpretable, semantic attributes. However, it may be
impossible to completely explain complex models using only semantic attributes.
In this work, we propose to augment these attributes with a small set of
uninterpretable features. Specifically, we develop a novel explanation
framework ELUDE (Explanation via Labelled and Unlabelled DEcomposition) that
decomposes a model's prediction into two parts: one that is explainable through
a linear combination of the semantic attributes, and another that is dependent
on the set of uninterpretable features. By identifying the latter, we are able
to analyze the "unexplained" portion of the model, obtaining insights into the
information used by the model. We show that the set of unlabelled features can
generalize to multiple models trained with the same feature space and compare
our work to two popular attribute-oriented methods, Interpretable Basis
Decomposition and Concept Bottleneck, and discuss the additional insights ELUDE
provides. |
1,763 | Learning to Accelerate Partial Differential Equations via Latent Global Evolution | Simulating the time evolution of Partial Differential Equations (PDEs) of
large-scale systems is crucial in many scientific and engineering domains such
as fluid dynamics, weather forecasting and their inverse optimization problems.
However, both classical solvers and recent deep learning-based surrogate models
are typically extremely computationally intensive, because of their local
evolution: they need to update the state of each discretized cell at each time
step during inference. Here we develop Latent Evolution of PDEs (LE-PDE), a
simple, fast and scalable method to accelerate the simulation and inverse
optimization of PDEs. LE-PDE learns a compact, global representation of the
system and efficiently evolves it fully in the latent space with learned latent
evolution models. LE-PDE achieves speed-up by having a much smaller latent
dimension to update during long rollout as compared to updating in the input
space. We introduce new learning objectives to effectively learn such latent
dynamics to ensure long-term stability. We further introduce techniques for
speeding-up inverse optimization of boundary conditions for PDEs via
backpropagation through time in latent space, and an annealing technique to
address the non-differentiability and sparse interaction of boundary
conditions. We test our method in a 1D benchmark of nonlinear PDEs, 2D
Navier-Stokes flows into turbulent phase and an inverse optimization of
boundary conditions in 2D Navier-Stokes flow. Compared to state-of-the-art deep
learning-based surrogate models and other strong baselines, we demonstrate up
to 128x reduction in the dimensions to update, and up to 15x improvement in
speed, while achieving competitive accuracy. |
1,764 | Learning Large-scale Subsurface Simulations with a Hybrid Graph Network Simulator | Subsurface simulations use computational models to predict the flow of fluids
(e.g., oil, water, gas) through porous media. These simulations are pivotal in
industrial applications such as petroleum production, where fast and accurate
models are needed for high-stake decision making, for example, for well
placement optimization and field development planning. Classical finite
difference numerical simulators require massive computational resources to
model large-scale real-world reservoirs. Alternatively, streamline simulators
and data-driven surrogate models are computationally more efficient by relying
on approximate physics models, however they are insufficient to model complex
reservoir dynamics at scale. Here we introduce Hybrid Graph Network Simulator
(HGNS), which is a data-driven surrogate model for learning reservoir
simulations of 3D subsurface fluid flows. To model complex reservoir dynamics
at both local and global scale, HGNS consists of a subsurface graph neural
network (SGNN) to model the evolution of fluid flows, and a 3D-U-Net to model
the evolution of pressure. HGNS is able to scale to grids with millions of
cells per time step, two orders of magnitude higher than previous surrogate
models, and can accurately predict the fluid flow for tens of time steps (years
into the future). Using an industry-standard subsurface flow dataset (SPE-10)
with 1.1 million cells, we demonstrate that HGNS is able to reduce the
inference time up to 18 times compared to standard subsurface simulators, and
that it outperforms other learning-based models by reducing long-term
prediction errors by up to 21%. |
1,765 | Wide Bayesian neural networks have a simple weight posterior: theory and accelerated sampling | We introduce repriorisation, a data-dependent reparameterisation which
transforms a Bayesian neural network (BNN) posterior to a distribution whose KL
divergence to the BNN prior vanishes as layer widths grow. The repriorisation
map acts directly on parameters, and its analytic simplicity complements the
known neural network Gaussian process (NNGP) behaviour of wide BNNs in function
space. Exploiting the repriorisation, we develop a Markov chain Monte Carlo
(MCMC) posterior sampling algorithm which mixes faster the wider the BNN. This
contrasts with the typically poor performance of MCMC in high dimensions. We
observe up to 50x higher effective sample size relative to no reparametrisation
for both fully-connected and residual networks. Improvements are achieved at
all widths, with the margin between reparametrised and standard BNNs growing
with layer width. |
1,766 | A Unified Sequence Interface for Vision Tasks | While language tasks are naturally expressed in a single, unified, modeling
framework, i.e., generating sequences of tokens, this has not been the case in
computer vision. As a result, there is a proliferation of distinct
architectures and loss functions for different vision tasks. In this work we
show that a diverse set of "core" computer vision tasks can also be unified if
formulated in terms of a shared pixel-to-sequence interface. We focus on four
tasks, namely, object detection, instance segmentation, keypoint detection, and
image captioning, all with diverse types of outputs, e.g., bounding boxes or
dense masks. Despite that, by formulating the output of each task as a sequence
of discrete tokens with a unified interface, we show that one can train a
neural network with a single model architecture and loss function on all these
tasks, with no task-specific customization. To solve a specific task, we use a
short prompt as task description, and the sequence output adapts to the prompt
so it can produce task-specific output. We show that such a model can achieve
competitive performance compared to well-established task-specific models. |
1,767 | Model-based RL with Optimistic Posterior Sampling: Structural Conditions and Sample Complexity | We propose a general framework to design posterior sampling methods for
model-based RL. We show that the proposed algorithms can be analyzed by
reducing regret to Hellinger distance based conditional probability estimation.
We further show that optimistic posterior sampling can control this Hellinger
distance, when we measure model error via data likelihood. This technique
allows us to design and analyze unified posterior sampling algorithms with
state-of-the-art sample complexity guarantees for many model-based RL settings.
We illustrate our general result in many special cases, demonstrating the
versatility of our framework. |
1,768 | Hyperparameter Sensitivity in Deep Outlier Detection: Analysis and a Scalable Hyper-Ensemble Solution | Outlier detection (OD) literature exhibits numerous algorithms as it applies
to diverse domains. However, given a new detection task, it is unclear how to
choose an algorithm to use, nor how to set its hyperparameter(s) (HPs) in
unsupervised settings. HP tuning is an ever-growing problem with the arrival of
many new detectors based on deep learning. While they have appealing properties
such as task- driven representation learning and end-to-end optimization, deep
models come with a long list of HPs. Surprisingly, the issue of model selection
in the outlier mining literature has been "the elephant in the room"; a
significant factor in unlocking the utmost potential of deep methods, yet
little said or done to systematically tackle the issue. In the first part of
this paper, we conduct the first large-scale analysis on the HP sensitivity of
deep OD methods, and through more than 35,000 trained models, quantitatively
demonstrate that model selection is inevitable. Next, we design a HP-robust and
scalable deep hyper-ensemble model called ROBOD that assembles models with
varying HP configurations, bypassing the choice paralysis. Importantly, we
introduce novel strategies to speed up ensemble training, such as parameter
sharing, batch/simultaneous training, and data subsampling, that allow us to
train fewer models with fewer parameters. Extensive experiments on both image
and tabular datasets show that ROBOD achieves and retains robust,
state-of-the-art detection performance as compared to its modern counterparts,
while taking only 2-10% of the time by the naive hyper-ensemble with
independent training. |
1,769 | Coarse-to-Fine Vision-Language Pre-training with Fusion in the Backbone | Vision-language (VL) pre-training has recently received considerable
attention. However, most existing end-to-end pre-training approaches either
only aim to tackle VL tasks such as image-text retrieval, visual question
answering (VQA) and image captioning that test high-level understanding of
images, or only target region-level understanding for tasks such as phrase
grounding and object detection. We present FIBER (Fusion-In-the-Backbone-based
transformER), a new VL model architecture that can seamlessly handle both these
types of tasks. Instead of having dedicated transformer layers for fusion after
the uni-modal backbones, FIBER pushes multimodal fusion deep into the model by
inserting cross-attention into the image and text backbones, bringing gains in
terms of memory and performance. In addition, unlike previous work that is
either only pre-trained on image-text data or on fine-grained data with
box-level annotations, we present a two-stage pre-training strategy that uses
both these kinds of data efficiently: (i) coarse-grained pre-training based on
image-text data; followed by (ii) fine-grained pre-training based on
image-text-box data. We conduct comprehensive experiments on a wide range of VL
tasks, ranging from VQA, image captioning, and retrieval, to phrase grounding,
referring expression comprehension, and object detection. Using deep multimodal
fusion coupled with the two-stage pre-training, FIBER provides consistent
performance improvements over strong baselines across all tasks, often
outperforming methods using magnitudes more data. Code is available at
https://github.com/microsoft/FIBER. |
1,770 | Convergence and Price of Anarchy Guarantees of the Softmax Policy Gradient in Markov Potential Games | We study the performance of policy gradient methods for the subclass of
Markov games known as Markov potential games (MPGs), which extends the notion
of normal-form potential games to the stateful setting and includes the
important special case of the fully cooperative setting where the agents share
an identical reward function. Our focus in this paper is to study the
convergence of the policy gradient method for solving MPGs under softmax policy
parameterization, both tabular and parameterized with general function
approximators such as neural networks. We first show the asymptotic convergence
of this method to a Nash equilibrium of MPGs for tabular softmax policies.
Second, we derive the finite-time performance of the policy gradient in two
settings: 1) using the log-barrier regularization, and 2) using the natural
policy gradient under the best-response dynamics (NPG-BR). Finally, extending
the notion of price of anarchy (POA) and smoothness in normal-form games, we
introduce the POA for MPGs and provide a POA bound for NPG-BR. To our
knowledge, this is the first POA bound for solving MPGs. To support our
theoretical results, we empirically compare the convergence rates and POA of
policy gradient variants for both tabular and neural softmax policies. |
1,771 | Statistical and Computational Phase Transitions in Group Testing | We study the group testing problem where the goal is to identify a set of k
infected individuals carrying a rare disease within a population of size n,
based on the outcomes of pooled tests which return positive whenever there is
at least one infected individual in the tested group. We consider two different
simple random procedures for assigning individuals to tests: the
constant-column design and Bernoulli design. Our first set of results concerns
the fundamental statistical limits. For the constant-column design, we give a
new information-theoretic lower bound which implies that the proportion of
correctly identifiable infected individuals undergoes a sharp "all-or-nothing"
phase transition when the number of tests crosses a particular threshold. For
the Bernoulli design, we determine the precise number of tests required to
solve the associated detection problem (where the goal is to distinguish
between a group testing instance and pure noise), improving both the upper and
lower bounds of Truong, Aldridge, and Scarlett (2020). For both group testing
models, we also study the power of computationally efficient (polynomial-time)
inference procedures. We determine the precise number of tests required for the
class of low-degree polynomial algorithms to solve the detection problem. This
provides evidence for an inherent computational-statistical gap in both the
detection and recovery problems at small sparsity levels. Notably, our evidence
is contrary to that of Iliopoulos and Zadik (2021), who predicted the absence
of a computational-statistical gap in the Bernoulli design. |
1,772 | Asynchronous SGD Beats Minibatch SGD Under Arbitrary Delays | The existing analysis of asynchronous stochastic gradient descent (SGD)
degrades dramatically when any delay is large, giving the impression that
performance depends primarily on the delay. On the contrary, we prove much
better guarantees for the same asynchronous SGD algorithm regardless of the
delays in the gradients, depending instead just on the number of parallel
devices used to implement the algorithm. Our guarantees are strictly better
than the existing analyses, and we also argue that asynchronous SGD outperforms
synchronous minibatch SGD in the settings we consider. For our analysis, we
introduce a novel recursion based on "virtual iterates" and delay-adaptive
stepsizes, which allow us to derive state-of-the-art guarantees for both convex
and non-convex objectives. |
1,773 | Sublinear Algorithms for Hierarchical Clustering | Hierarchical clustering over graphs is a fundamental task in data mining and
machine learning with applications in domains such as phylogenetics, social
network analysis, and information retrieval. Specifically, we consider the
recently popularized objective function for hierarchical clustering due to
Dasgupta. Previous algorithms for (approximately) minimizing this objective
function require linear time/space complexity. In many applications the
underlying graph can be massive in size making it computationally challenging
to process the graph even using a linear time/space algorithm. As a result,
there is a strong interest in designing algorithms that can perform global
computation using only sublinear resources. The focus of this work is to study
hierarchical clustering for massive graphs under three well-studied models of
sublinear computation which focus on space, time, and communication,
respectively, as the primary resources to optimize: (1) (dynamic) streaming
model where edges are presented as a stream, (2) query model where the graph is
queried using neighbor and degree queries, (3) MPC model where the graph edges
are partitioned over several machines connected via a communication channel.
We design sublinear algorithms for hierarchical clustering in all three
models above. At the heart of our algorithmic results is a view of the
objective in terms of cuts in the graph, which allows us to use a relaxed
notion of cut sparsifiers to do hierarchical clustering while introducing only
a small distortion in the objective function. Our main algorithmic
contributions are then to show how cut sparsifiers of the desired form can be
efficiently constructed in the query model and the MPC model. We complement our
algorithmic results by establishing nearly matching lower bounds that rule out
the possibility of designing better algorithms in each of these models. |
1,774 | Clustered Scheduling and Communication Pipelining For Efficient Resource Management Of Wireless Federated Learning | This paper proposes using communication pipelining to enhance the wireless
spectrum utilization efficiency and convergence speed of federated learning in
mobile edge computing applications. Due to limited wireless sub-channels, a
subset of the total clients is scheduled in each iteration of federated
learning algorithms. On the other hand, the scheduled clients wait for the
slowest client to finish its computation. We propose to first cluster the
clients based on the time they need per iteration to compute the local
gradients of the federated learning model. Then, we schedule a mixture of
clients from all clusters to send their local updates in a pipelined manner. In
this way, instead of just waiting for the slower clients to finish their
computation, more clients can participate in each iteration. While the time
duration of a single iteration does not change, the proposed method can
significantly reduce the number of required iterations to achieve a target
accuracy. We provide a generic formulation for optimal client clustering under
different settings, and we analytically derive an efficient algorithm for
obtaining the optimal solution. We also provide numerical results to
demonstrate the gains of the proposed method for different datasets and deep
learning architectures. |
1,775 | Rethinking Initialization of the Sinkhorn Algorithm | Computing an optimal transport (OT) coupling between distributions plays an
increasingly important role in machine learning. While OT problems can be
solved as linear programs, adding an entropic smoothing term is known to result
in solvers that are faster and more robust to outliers, differentiable and
easier to parallelize. The Sinkhorn fixed point algorithm is the cornerstone of
these approaches, and, as a result, multiple attempts have been made to shorten
its runtime using, for instance, annealing, momentum or acceleration. The
premise of this paper is that \textit{initialization} of the Sinkhorn algorithm
has received comparatively little attention, possibly due to two
preconceptions: as the regularized OT problem is convex, it may not be worth
crafting a tailored initialization as \textit{any} is guaranteed to work;
secondly, because the Sinkhorn algorithm is often differentiated in end-to-end
pipelines, data-dependent initializations could potentially bias gradient
estimates obtained by unrolling iterations. We challenge this conventional
wisdom and show that carefully chosen initializations can result in dramatic
speed-ups, and will not bias gradients which are computed with implicit
differentiation. We detail how initializations can be recovered from
closed-form or approximate OT solutions, using known results in the 1D or
Gaussian settings. We show empirically that these initializations can be used
off-the-shelf, with little to no tuning, and result in consistent speed-ups for
a variety of OT problems. |
1,776 | Epistemic Deep Learning | The belief function approach to uncertainty quantification as proposed in the
Demspter-Shafer theory of evidence is established upon the general mathematical
models for set-valued observations, called random sets. Set-valued predictions
are the most natural representations of uncertainty in machine learning. In
this paper, we introduce a concept called epistemic deep learning based on the
random-set interpretation of belief functions to model epistemic learning in
deep neural networks. We propose a novel random-set convolutional neural
network for classification that produces scores for sets of classes by learning
set-valued ground truth representations. We evaluate different formulations of
entropy and distance measures for belief functions as viable loss functions for
these random-set networks. We also discuss methods for evaluating the quality
of epistemic predictions and the performance of epistemic random-set neural
networks. We demonstrate through experiments that the epistemic approach
produces better performance results when compared to traditional approaches of
estimating uncertainty. |
1,777 | ARES: Locally Adaptive Reconstruction-based Anomaly Scoring | How can we detect anomalies: that is, samples that significantly differ from
a given set of high-dimensional data, such as images or sensor data? This is a
practical problem with numerous applications and is also relevant to the goal
of making learning algorithms more robust to unexpected inputs. Autoencoders
are a popular approach, partly due to their simplicity and their ability to
perform dimension reduction. However, the anomaly scoring function is not
adaptive to the natural variation in reconstruction error across the range of
normal samples, which hinders their ability to detect real anomalies. In this
paper, we empirically demonstrate the importance of local adaptivity for
anomaly scoring in experiments with real data. We then propose our novel
Adaptive Reconstruction Error-based Scoring approach, which adapts its scoring
based on the local behaviour of reconstruction error over the latent space. We
show that this improves anomaly detection performance over relevant baselines
in a wide variety of benchmark datasets. |
1,778 | Sparse Subspace Clustering in Diverse Multiplex Network Model | The paper considers the DIverse MultiPLEx (DIMPLE) network model, introduced
in Pensky and Wang (2021), where all layers of the network have the same
collection of nodes and are equipped with the Stochastic Block Models. In
addition, all layers can be partitioned into groups with the same community
structures, although the layers in the same group may have different matrices
of block connection probabilities. The DIMPLE model generalizes a multitude of
papers that study multilayer networks with the same community structures in all
layers, as well as the Mixture Multilayer Stochastic Block Model (MMLSBM),
where the layers in the same group have identical matrices of block connection
probabilities. While Pensky and Wang (2021) applied spectral clustering to the
proxy of the adjacency tensor, the present paper uses Sparse Subspace
Clustering (SSC) for identifying groups of layers with identical community
structures. Under mild conditions, the latter leads to the strongly consistent
between-layer clustering. In addition, SSC allows to handle much larger
networks than methodology of Pensky and Wang (2021), and is perfectly suitable
for application of parallel computing. |
1,779 | BIO-CXRNET: A Robust Multimodal Stacking Machine Learning Technique for Mortality Risk Prediction of COVID-19 Patients using Chest X-Ray Images and Clinical Data | Fast and accurate detection of the disease can significantly help in reducing
the strain on the healthcare facility of any country to reduce the mortality
during any pandemic. The goal of this work is to create a multimodal system
using a novel machine learning framework that uses both Chest X-ray (CXR)
images and clinical data to predict severity in COVID-19 patients. In addition,
the study presents a nomogram-based scoring technique for predicting the
likelihood of death in high-risk patients. This study uses 25 biomarkers and
CXR images in predicting the risk in 930 COVID-19 patients admitted during the
first wave of COVID-19 (March-June 2020) in Italy. The proposed multimodal
stacking technique produced the precision, sensitivity, and F1-score, of
89.03%, 90.44%, and 89.03%, respectively to identify low or high-risk patients.
This multimodal approach improved the accuracy by 6% in comparison to the CXR
image or clinical data alone. Finally, nomogram scoring system using
multivariate logistic regression -- was used to stratify the mortality risk
among the high-risk patients identified in the first stage. Lactate
Dehydrogenase (LDH), O2 percentage, White Blood Cells (WBC) Count, Age, and
C-reactive protein (CRP) were identified as useful predictor using random
forest feature selection model. Five predictors parameters and a CXR image
based nomogram score was developed for quantifying the probability of death and
categorizing them into two risk groups: survived (<50%), and death (>=50%),
respectively. The multi-modal technique was able to predict the death
probability of high-risk patients with an F1 score of 92.88 %. The area under
the curves for the development and validation cohorts are 0.981 and 0.939,
respectively. |
1,780 | Robust and Sparse Estimation of Linear Regression Coefficients with Heavy-tailed Noises and Covariates | Robust and sparse estimation of linear regression coefficients is
investigated. The situation addressed by the present paper is that covariates
and noises are sampled from heavy-tailed distributions, and the covariates and
noises are contaminated by malicious outliers. Our estimator can be computed
efficiently. Further, our estimation error bound is sharp. |
1,781 | Characteristic kernels on Hilbert spaces, Banach spaces, and on sets of measures | We present new classes of positive definite kernels on non-standard spaces
that are integrally strictly positive definite or characteristic. In
particular, we discuss radial kernels on separable Hilbert spaces, and
introduce broad classes of kernels on Banach spaces and on metric spaces of
strong negative type. The general results are used to give explicit classes of
kernels on separable $L^p$ spaces and on sets of measures. |
1,782 | Machine Learning is Abduction Inference | Concept of Abduction with Gradated Contradictions is introduced here as a
form of Peirce's abduction inference. The general form of abduction criterion
is formalized in the proposed Logic of Gradated Contradictions and Logic of
Recursive Aggregation. Common steps of an abduction procedure as minimization
of such a criterion are specified as well. It is demonstrated on examples of 14
popular textbook learners (from hierarchical clustering to k-NN and SVR) that
each of them performs AGC. The proposed theory explains real life learners, yet
it avoids any mention of statistics, so it can be considered as a logical
alternative to the statistical learning theory. |
1,783 | NatGen: Generative pre-training by "Naturalizing" source code | Pre-trained Generative Language models (e.g. PLBART, CodeT5, SPT-Code) for
source code yielded strong results on several tasks in the past few years,
including code generation and translation. These models have adopted varying
pre-training objectives to learn statistics of code construction from very
large-scale corpora in a self-supervised fashion; the success of pre-trained
models largely hinges on these pre-training objectives. This paper proposes a
new pre-training objective, "Naturalizing" of source code, exploiting code's
bimodal, dual-channel (formal & natural channels) nature. Unlike natural
language, code's bimodal, dual-channel nature allows us to generate
semantically equivalent code at scale. We introduce six classes of semantic
preserving transformations to introduce un-natural forms of code, and then
force our model to produce more natural original programs written by
developers. Learning to generate equivalent, but more natural code, at scale,
over large corpora of open-source code, without explicit manual supervision,
helps the model learn to both ingest & generate code. We fine-tune our model in
three generative Software Engineering tasks: code generation, code translation,
and code refinement with limited human-curated labeled data and achieve
state-of-the-art performance rivaling CodeT5. We show that our pre-trained
model is especially competitive at zero-shot and few-shot learning, and better
at learning code properties (e.g., syntax, data flow). |
1,784 | A Comprehensive Survey on Deep Clustering: Taxonomy, Challenges, and Future Directions | Clustering is a fundamental machine learning task which has been widely
studied in the literature. Classic clustering methods follow the assumption
that data are represented as features in a vectorized form through various
representation learning techniques. As the data become increasingly complicated
and complex, the shallow (traditional) clustering methods can no longer handle
the high-dimensional data type. With the huge success of deep learning,
especially the deep unsupervised learning, many representation learning
techniques with deep architectures have been proposed in the past decade.
Recently, the concept of Deep Clustering, i.e., jointly optimizing the
representation learning and clustering, has been proposed and hence attracted
growing attention in the community. Motivated by the tremendous success of deep
learning in clustering, one of the most fundamental machine learning tasks, and
the large number of recent advances in this direction, in this paper we conduct
a comprehensive survey on deep clustering by proposing a new taxonomy of
different state-of-the-art approaches. We summarize the essential components of
deep clustering and categorize existing methods by the ways they design
interactions between deep representation learning and clustering. Moreover,
this survey also provides the popular benchmark datasets, evaluation metrics
and open-source implementations to clearly illustrate various experimental
settings. Last but not least, we discuss the practical applications of deep
clustering and suggest challenging topics deserving further investigations as
future directions. |
1,785 | E2V-SDE: From Asynchronous Events to Fast and Continuous Video Reconstruction via Neural Stochastic Differential Equations | Event cameras respond to brightness changes in the scene asynchronously and
independently for every pixel. Due to the properties, these cameras have
distinct features: high dynamic range (HDR), high temporal resolution, and low
power consumption. However, the results of event cameras should be processed
into an alternative representation for computer vision tasks. Also, they are
usually noisy and cause poor performance in areas with few events. In recent
years, numerous researchers have attempted to reconstruct videos from events.
However, they do not provide good quality videos due to a lack of temporal
information from irregular and discontinuous data. To overcome these
difficulties, we introduce an E2V-SDE whose dynamics are governed in a latent
space by Stochastic differential equations (SDE). Therefore, E2V-SDE can
rapidly reconstruct images at arbitrary time steps and make realistic
predictions on unseen data. In addition, we successfully adopted a variety of
image composition techniques for improving image clarity and temporal
consistency. By conducting extensive experiments on simulated and real-scene
datasets, we verify that our model outperforms state-of-the-art approaches
under various video reconstruction settings. In terms of image quality, the
LPIPS score improves by up to 12% and the reconstruction speed is 87% higher
than that of ET-Net. |
1,786 | Calibrating Agent-based Models to Microdata with Graph Neural Networks | Calibrating agent-based models (ABMs) to data is among the most fundamental
requirements to ensure the model fulfils its desired purpose. In recent years,
simulation-based inference methods have emerged as powerful tools for
performing this task when the model likelihood function is intractable, as is
often the case for ABMs. In some real-world use cases of ABMs, both the
observed data and the ABM output consist of the agents' states and their
interactions over time. In such cases, there is a tension between the desire to
make full use of the rich information content of such granular data on the one
hand, and the need to reduce the dimensionality of the data to prevent
difficulties associated with high-dimensional learning tasks on the other. A
possible resolution is to construct lower-dimensional time-series through the
use of summary statistics describing the macrostate of the system at each time
point. However, a poor choice of summary statistics can result in an
unacceptable loss of information from the original dataset, dramatically
reducing the quality of the resulting calibration. In this work, we instead
propose to learn parameter posteriors associated with granular microdata
directly using temporal graph neural networks. We will demonstrate that such an
approach offers highly compelling inductive biases for Bayesian inference using
the raw ABM microstates as output. |
1,787 | Contrastive Learning as Goal-Conditioned Reinforcement Learning | In reinforcement learning (RL), it is easier to solve a task if given a good
representation. While deep RL should automatically acquire such good
representations, prior work often finds that learning representations in an
end-to-end fashion is unstable and instead equip RL algorithms with additional
representation learning parts (e.g., auxiliary losses, data augmentation). How
can we design RL algorithms that directly acquire good representations? In this
paper, instead of adding representation learning parts to an existing RL
algorithm, we show (contrastive) representation learning methods can be cast as
RL algorithms in their own right. To do this, we build upon prior work and
apply contrastive representation learning to action-labeled trajectories, in
such a way that the (inner product of) learned representations exactly
corresponds to a goal-conditioned value function. We use this idea to
reinterpret a prior RL method as performing contrastive learning, and then use
the idea to propose a much simpler method that achieves similar performance.
Across a range of goal-conditioned RL tasks, we demonstrate that contrastive RL
methods achieve higher success rates than prior non-contrastive methods,
including in the offline RL setting. We also show that contrastive RL
outperforms prior methods on image-based tasks, without using data augmentation
or auxiliary objectives. |
1,788 | A Meta-Analysis of Distributionally-Robust Models | State-of-the-art image classifiers trained on massive datasets (such as
ImageNet) have been shown to be vulnerable to a range of both intentional and
incidental distribution shifts. On the other hand, several recent classifiers
with favorable out-of-distribution (OOD) robustness properties have emerged,
achieving high accuracy on their target tasks while maintaining their
in-distribution accuracy on challenging benchmarks. We present a meta-analysis
on a wide range of publicly released models, most of which have been published
over the last twelve months. Through this meta-analysis, we empirically
identify four main commonalities for all the best-performing OOD-robust models,
all of which illuminate the considerable promise of vision-language
pre-training. |
1,789 | Bayesian Federated Learning via Predictive Distribution Distillation | For most existing federated learning algorithms, each round consists of
minimizing a loss function at each client to learn an optimal model at the
client, followed by aggregating these client models at the server. Point
estimation of the model parameters at the clients does not take into account
the uncertainty in the models estimated at each client. In many situations,
however, especially in limited data settings, it is beneficial to take into
account the uncertainty in the client models for more accurate and robust
predictions. Uncertainty also provides useful information for other important
tasks, such as active learning and out-of-distribution (OOD) detection. We
present a framework for Bayesian federated learning where each client infers
the posterior predictive distribution using its training data and present
various ways to aggregate these client-specific predictive distributions at the
server. Since communicating and aggregating predictive distributions can be
challenging and expensive, our approach is based on distilling each client's
predictive distribution into a single deep neural network. This enables us to
leverage advances in standard federated learning to Bayesian federated learning
as well. Unlike some recent works that have tried to estimate model uncertainty
of each client, our work also does not make any restrictive assumptions, such
as the form of the client's posterior distribution. We evaluate our approach on
classification in federated setting, as well as active learning and OOD
detection in federated settings, on which our approach outperforms various
existing federated learning baselines. |
1,790 | On the fast convergence of minibatch heavy ball momentum | Simple stochastic momentum methods are widely used in machine learning
optimization, but their good practical performance is at odds with an absence
of theoretical guarantees of acceleration in the literature. In this work, we
aim to close the gap between theory and practice by showing that stochastic
heavy ball momentum, which can be interpreted as a randomized Kaczmarz
algorithm with momentum, retains the fast linear rate of (deterministic) heavy
ball momentum on quadratic optimization problems, at least when minibatching
with a sufficiently large batch size is used. The analysis relies on carefully
decomposing the momentum transition matrix, and using new spectral norm
concentration bounds for products of independent random matrices. We provide
numerical experiments to demonstrate that our bounds are reasonably sharp. |
1,791 | Unknown-Aware Domain Adversarial Learning for Open-Set Domain Adaptation | Open-Set Domain Adaptation (OSDA) assumes that a target domain contains
unknown classes, which are not discovered in a source domain. Existing domain
adversarial learning methods are not suitable for OSDA because distribution
matching with \textit{unknown} classes leads to the negative transfer. Previous
OSDA methods have focused on matching the source and the target distribution by
only utilizing \textit{known} classes. However, this \textit{known}-only
matching may fail to learn the target-\textit{unknown} feature space.
Therefore, we propose Unknown-Aware Domain Adversarial Learning (UADAL), which
\textit{aligns} the source and the targe-\textit{known} distribution while
simultaneously \textit{segregating} the target-\textit{unknown} distribution in
the feature alignment procedure. We provide theoretical analyses on the
optimized state of the proposed \textit{unknown-aware} feature alignment, so we
can guarantee both \textit{alignment} and \textit{segregation} theoretically.
Empirically, we evaluate UADAL on the benchmark datasets, which shows that
UADAL outperforms other methods with better feature alignments by reporting the
state-of-the-art performances. |
1,792 | A Deep Generative Model of Neonatal Cortical Surface Development | The neonatal cortical surface is known to be affected by preterm birth, and
the subsequent changes to cortical organisation have been associated with
poorer neurodevelopmental outcomes. Deep Generative models have the potential
to lead to clinically interpretable models of disease, but developing these on
the cortical surface is challenging since established techniques for learning
convolutional filters are inappropriate on non-flat topologies. To close this
gap, we implement a surface-based CycleGAN using mixture model CNNs (MoNet) to
translate sphericalised neonatal cortical surface features (curvature and
T1w/T2w cortical myelin) between different stages of cortical maturity. Results
show our method is able to reliably predict changes in individual patterns of
cortical organisation at later stages of gestation, validated by comparison to
longitudinal data; and translate appearance between preterm and term gestation
(> 37 weeks gestation), validated through comparison with a trained
term/preterm classifier. Simulated differences in cortical maturation are
consistent with observations in the literature. |
1,793 | Body Gesture Recognition to Control a Social Robot | In this work, we propose a gesture based language to allow humans to interact
with robots using their body in a natural way. We have created a new gesture
detection model using neural networks and a custom dataset of humans performing
a set of body gestures to train our network. Furthermore, we compare body
gesture communication with other communication channels to acknowledge the
importance of adding this knowledge to robots. The presented approach is
extensively validated in diverse simulations and real-life experiments with
non-trained volunteers. This attains remarkable results and shows that it is a
valuable framework for social robotics applications, such as human robot
collaboration or human-robot interaction. |
1,794 | Autonomous Platoon Control with Integrated Deep Reinforcement Learning and Dynamic Programming | Deep Reinforcement Learning (DRL) is regarded as a potential method for
car-following control and has been mostly studied to support a single following
vehicle. However, it is more challenging to learn a stable and efficient
car-following policy when there are multiple following vehicles in a platoon,
especially with unpredictable leading vehicle behavior. In this context, we
adopt an integrated DRL and Dynamic Programming (DP) approach to learn
autonomous platoon control policies, which embeds the Deep Deterministic Policy
Gradient (DDPG) algorithm into a finite-horizon value iteration framework.
Although the DP framework can improve the stability and performance of DDPG, it
has the limitations of lower sampling and training efficiency. In this paper,
we propose an algorithm, namely Finite-Horizon-DDPG with Sweeping through
reduced state space using Stationary approximation (FH-DDPG-SS), which uses
three key ideas to overcome the above limitations, i.e., transferring network
weights backward in time, stationary policy approximation for earlier time
steps, and sweeping through reduced state space. In order to verify the
effectiveness of FH-DDPG-SS, simulation using real driving data is performed,
where the performance of FH-DDPG-SS is compared with those of the benchmark
algorithms. Finally, platoon safety and string stability for FH-DDPG-SS are
demonstrated. |
1,795 | BaIT: Barometer for Information Trustworthiness | This paper presents a new approach to the FNC-1 fake news classification task
which involves employing pre-trained encoder models from similar NLP tasks,
namely sentence similarity and natural language inference, and two neural
network architectures using this approach are proposed. Methods in data
augmentation are explored as a means of tackling class imbalance in the
dataset, employing common pre-existing methods and proposing a method for
sample generation in the under-represented class using a novel sentence
negation algorithm. Comparable overall performance with existing baselines is
achieved, while significantly increasing accuracy on an under-represented but
nonetheless important class for FNC-1. |
1,796 | Corruption-Robust Contextual Search through Density Updates | We study the problem of contextual search in the adversarial noise model. Let
$d$ be the dimension of the problem, $T$ be the time horizon and $C$ be the
total amount of noise in the system. For the $\eps$-ball loss, we give a tight
regret bound of $O(C + d \log(1/\eps))$ improving over the $O(d^3 \log(1/\eps))
\log^2(T) + C \log(T) \log(1/\eps))$ bound of Krishnamurthy et al (STOC21). For
the symmetric loss, we give an efficient algorithm with regret $O(C+d \log T)$.
Our techniques are a significant departure from prior approaches.
Specifically, we keep track of density functions over the candidate vectors
instead of a knowledge set consisting of the candidate vectors consistent with
the feedback obtained. |
1,797 | QONNX: Representing Arbitrary-Precision Quantized Neural Networks | We present extensions to the Open Neural Network Exchange (ONNX) intermediate
representation format to represent arbitrary-precision quantized neural
networks. We first introduce support for low precision quantization in existing
ONNX-based quantization formats by leveraging integer clipping, resulting in
two new backward-compatible variants: the quantized operator format with
clipping and quantize-clip-dequantize (QCDQ) format. We then introduce a novel
higher-level ONNX format called quantized ONNX (QONNX) that introduces three
new operators -- Quant, BipolarQuant, and Trunc -- in order to represent
uniform quantization. By keeping the QONNX IR high-level and flexible, we
enable targeting a wider variety of platforms. We also present utilities for
working with QONNX, as well as examples of its usage in the FINN and hls4ml
toolchains. Finally, we introduce the QONNX model zoo to share low-precision
quantized neural networks. |
1,798 | Investigating Multi-Feature Selection and Ensembling for Audio Classification | Deep Learning (DL) algorithms have shown impressive performance in diverse
domains. Among them, audio has attracted many researchers over the last couple
of decades due to some interesting patterns--particularly in classification of
audio data. For better performance of audio classification, feature selection
and combination play a key role as they have the potential to make or break the
performance of any DL model. To investigate this role, we conduct an extensive
evaluation of the performance of several cutting-edge DL models (i.e.,
Convolutional Neural Network, EfficientNet, MobileNet, Supper Vector Machine
and Multi-Perceptron) with various state-of-the-art audio features (i.e., Mel
Spectrogram, Mel Frequency Cepstral Coefficients, and Zero Crossing Rate)
either independently or as a combination (i.e., through ensembling) on three
different datasets (i.e., Free Spoken Digits Dataset, Audio Urdu Digits
Dataset, and Audio Gujarati Digits Dataset). Overall, results suggest feature
selection depends on both the dataset and the model. However, feature
combinations should be restricted to the only features that already achieve
good performances when used individually (i.e., mostly Mel Spectrogram, Mel
Frequency Cepstral Coefficients). Such feature combination/ensembling enabled
us to outperform the previous state-of-the-art results irrespective of our
choice of DL model. |
1,799 | Deep Multi-Task Networks For Occluded Pedestrian Pose Estimation | Most of the existing works on pedestrian pose estimation do not consider
estimating the pose of an occluded pedestrians, as the annotations of the
occluded parts are not available in relevant automotive datasets. For example,
CityPersons, a well-known dataset for pedestrian detection in automotive scenes
does not provide pose annotations, whereas MS-COCO, a non-automotive dataset,
contains human pose estimation. In this work, we propose a multi-task framework
to extract pedestrian features through detection and instance segmentation
tasks performed separately on these two distributions. Thereafter, an encoder
learns pose specific features using an unsupervised instance-level domain
adaptation method for the pedestrian instances from both distributions. The
proposed framework has improved state-of-the-art performances of pose
estimation, pedestrian detection, and instance segmentation. |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.