Unnamed: 0
int64 0
5k
| title
stringlengths 9
210
| abstract
stringlengths 164
1.92k
|
---|---|---|
2,300 | A Resilient Distributed Boosting Algorithm | Given a learning task where the data is distributed among several parties,
communication is one of the fundamental resources which the parties would like
to minimize. We present a distributed boosting algorithm which is resilient to
a limited amount of noise. Our algorithm is similar to classical boosting
algorithms, although it is equipped with a new component, inspired by
Impagliazzo's hard-core lemma [Impagliazzo95], adding a robustness quality to
the algorithm. We also complement this result by showing that resilience to any
asymptotically larger noise is not achievable by a communication-efficient
algorithm. |
2,301 | Neural Prompt Search | The size of vision models has grown exponentially over the last few years,
especially after the emergence of Vision Transformer. This has motivated the
development of parameter-efficient tuning methods, such as learning adapter
layers or visual prompt tokens, which allow a tiny portion of model parameters
to be trained whereas the vast majority obtained from pre-training are frozen.
However, designing a proper tuning method is non-trivial: one might need to try
out a lengthy list of design choices, not to mention that each downstream
dataset often requires custom designs. In this paper, we view the existing
parameter-efficient tuning methods as "prompt modules" and propose Neural
prOmpt seArcH (NOAH), a novel approach that learns, for large vision models,
the optimal design of prompt modules through a neural architecture search
algorithm, specifically for each downstream dataset. By conducting extensive
experiments on over 20 vision datasets, we demonstrate that NOAH (i) is
superior to individual prompt modules, (ii) has a good few-shot learning
ability, and (iii) is domain-generalizable. The code and models are available
at https://github.com/Davidzhangyuanhan/NOAH. |
2,302 | Overcoming the Spectral Bias of Neural Value Approximation | Value approximation using deep neural networks is at the heart of off-policy
deep reinforcement learning, and is often the primary module that provides
learning signals to the rest of the algorithm. While multi-layer perceptron
networks are universal function approximators, recent works in neural kernel
regression suggest the presence of a spectral bias, where fitting
high-frequency components of the value function requires exponentially more
gradient update steps than the low-frequency ones. In this work, we re-examine
off-policy reinforcement learning through the lens of kernel regression and
propose to overcome such bias via a composite neural tangent kernel. With just
a single line-change, our approach, the Fourier feature networks (FFN) produce
state-of-the-art performance on challenging continuous control domains with
only a fraction of the compute. Faster convergence and better off-policy
stability also make it possible to remove the target network without suffering
catastrophic divergences, which further reduces TD}(0)'s estimation bias on a
few tasks. |
2,303 | Provably efficient variational generative modeling of quantum many-body systems via quantum-probabilistic information geometry | The dual tasks of quantum Hamiltonian learning and quantum Gibbs sampling are
relevant to many important problems in physics and chemistry. In the low
temperature regime, algorithms for these tasks often suffer from
intractabilities, for example from poor sample- or time-complexity. With the
aim of addressing such intractabilities, we introduce a generalization of
quantum natural gradient descent to parameterized mixed states, as well as
provide a robust first-order approximating algorithm, Quantum-Probabilistic
Mirror Descent. We prove data sample efficiency for the dual tasks using tools
from information geometry and quantum metrology, thus generalizing the seminal
result of classical Fisher efficiency to a variational quantum algorithm for
the first time. Our approaches extend previously sample-efficient techniques to
allow for flexibility in model choice, including to spectrally-decomposed
models like Quantum Hamiltonian-Based Models, which may circumvent intractable
time complexities. Our first-order algorithm is derived using a novel quantum
generalization of the classical mirror descent duality. Both results require a
special choice of metric, namely, the Bogoliubov-Kubo-Mori metric. To test our
proposed algorithms numerically, we compare their performance to existing
baselines on the task of quantum Gibbs sampling for the transverse field Ising
model. Finally, we propose an initialization strategy leveraging geometric
locality for the modelling of sequences of states such as those arising from
quantum-stochastic processes. We demonstrate its effectiveness empirically for
both real and imaginary time evolution while defining a broader class of
potential applications. |
2,304 | DiSparse: Disentangled Sparsification for Multitask Model Compression | Despite the popularity of Model Compression and Multitask Learning, how to
effectively compress a multitask model has been less thoroughly analyzed due to
the challenging entanglement of tasks in the parameter space. In this paper, we
propose DiSparse, a simple, effective, and first-of-its-kind multitask pruning
and sparse training scheme. We consider each task independently by
disentangling the importance measurement and take the unanimous decisions among
all tasks when performing parameter pruning and selection. Our experimental
results demonstrate superior performance on various configurations and settings
compared to popular sparse training and pruning methods. Besides the
effectiveness in compression, DiSparse also provides a powerful tool to the
multitask learning community. Surprisingly, we even observed better performance
than some dedicated multitask learning methods in several cases despite the
high model sparsity enforced by DiSparse. We analyzed the pruning masks
generated with DiSparse and observed strikingly similar sparse network
architecture identified by each task even before the training starts. We also
observe the existence of a "watershed" layer where the task relatedness sharply
drops, implying no benefits in continued parameters sharing. Our code and
models will be available at:
https://github.com/SHI-Labs/DiSparse-Multitask-Model-Compression. |
2,305 | Distillation Decision Tree | Black-box machine learning models are criticized as lacking interpretability,
although they tend to have good prediction accuracy. Knowledge Distillation
(KD) is an emerging tool to interpret the black-box model by distilling its
knowledge into a transparent model. With well-known advantages in
interpretation, decision tree is a competitive candidate of the transparent
model. However, theoretical or empirical understanding for the decision tree
generated from KD process is limited. In this paper, we name this kind of
decision tree the distillation decision tree (DDT) and lay the theoretical
foundations for tree structure stability which determines the validity of DDT's
interpretation. We prove that the structure of DDT can achieve stable
(convergence) under some mild assumptions. Meanwhile, we develop algorithms for
stabilizing the induction of DDT, propose parallel strategies for improving
algorithm's computational efficiency, and introduce a marginal principal
component analysis method for overcoming the curse of dimensionality in
sampling. Simulated and real data studies justify our theoretical results,
validate the efficacy of algorithms, and demonstrate that DDT can strike a good
balance between model's prediction accuracy and interpretability. |
2,306 | BigVGAN: A Universal Neural Vocoder with Large-Scale Training | Despite recent progress in generative adversarial network(GAN)-based
vocoders, where the model generates raw waveform conditioned on mel
spectrogram, it is still challenging to synthesize high-fidelity audio for
numerous speakers across varied recording environments. In this work, we
present BigVGAN, a universal vocoder that generalizes well under various unseen
conditions in zero-shot setting. We introduce periodic nonlinearities and
anti-aliased representation into the generator, which brings the desired
inductive bias for waveform synthesis and significantly improves audio quality.
Based on our improved generator and the state-of-the-art discriminators, we
train our GAN vocoder at the largest scale up to 112M parameters, which is
unprecedented in the literature. In particular, we identify and address the
training instabilities specific to such scale, while maintaining high-fidelity
output without over-regularization. Our BigVGAN achieves the state-of-the-art
zero-shot performance for various out-of-distribution scenarios, including new
speakers, novel languages, singing voices, music and instrumental audio in
unseen (even noisy) recording environments. We will release our code and model
at: https://github.com/NVIDIA/BigVGAN |
2,307 | VideoINR: Learning Video Implicit Neural Representation for Continuous Space-Time Super-Resolution | Videos typically record the streaming and continuous visual data as discrete
consecutive frames. Since the storage cost is expensive for videos of high
fidelity, most of them are stored in a relatively low resolution and frame
rate. Recent works of Space-Time Video Super-Resolution (STVSR) are developed
to incorporate temporal interpolation and spatial super-resolution in a unified
framework. However, most of them only support a fixed up-sampling scale, which
limits their flexibility and applications. In this work, instead of following
the discrete representations, we propose Video Implicit Neural Representation
(VideoINR), and we show its applications for STVSR. The learned implicit neural
representation can be decoded to videos of arbitrary spatial resolution and
frame rate. We show that VideoINR achieves competitive performances with
state-of-the-art STVSR methods on common up-sampling scales and significantly
outperforms prior works on continuous and out-of-training-distribution scales.
Our project page is at http://zeyuan-chen.com/VideoINR/ . |
2,308 | Globally Optimal Algorithms for Fixed-Budget Best Arm Identification | We consider the fixed-budget best arm identification problem where the goal
is to find the arm of the largest mean with a fixed number of samples. It is
known that the probability of misidentifying the best arm is exponentially
small to the number of rounds. However, limited characterizations have been
discussed on the rate (exponent) of this value. In this paper, we characterize
the optimal rate as a result of global optimization over all possible
parameters. We introduce two rates, $R^{\mathrm{go}}$ and
$R^{\mathrm{go}}_{\infty}$, corresponding to lower bounds on the
misidentification probability, each of which is associated with a proposed
algorithm. The rate $R^{\mathrm{go}}$ is associated with
$R^{\mathrm{go}}$-tracking, which can be efficiently implemented by a neural
network and is shown to outperform existing algorithms. However, this rate
requires a nontrivial condition to be achievable. To deal with this issue, we
introduce the second rate $R^{\mathrm{go}}_\infty$. We show that this rate is
indeed achievable by introducing a conceptual algorithm called delayed optimal
tracking (DOT). |
2,309 | Probability flow solution of the Fokker-Planck equation | The method of choice for integrating the time-dependent Fokker-Planck
equation in high-dimension is to generate samples from the solution via
integration of the associated stochastic differential equation. Here, we
introduce an alternative scheme based on integrating an ordinary differential
equation that describes the flow of probability. Unlike the stochastic
dynamics, this equation deterministically pushes samples from the initial
density onto samples from the solution at any later time. The method has the
advantage of giving direct access to quantities that are challenging to
estimate only given samples from the solution, such as the probability current,
the density itself, and its entropy. The probability flow equation depends on
the gradient of the logarithm of the solution (its "score"), and so is a-priori
unknown. To resolve this dependence, we model the score with a deep neural
network that is learned on-the-fly by propagating a set of particles according
to the instantaneous probability current. Our approach is based on recent
advances in score-based diffusion for generative modeling, with the important
difference that the training procedure is self-contained and does not require
samples from the target density to be available beforehand. To demonstrate the
validity of the approach, we consider several examples from the physics of
interacting particle systems; we find that the method scales well to
high-dimensional systems, and accurately matches available analytical solutions
and moments computed via Monte-Carlo. |
2,310 | Regret Bounds for Information-Directed Reinforcement Learning | Information-directed sampling (IDS) has revealed its potential as a
data-efficient algorithm for reinforcement learning (RL). However, theoretical
understanding of IDS for Markov Decision Processes (MDPs) is still limited. We
develop novel information-theoretic tools to bound the information ratio and
cumulative information gain about the learning target. Our theoretical results
shed light on the importance of choosing the learning target such that the
practitioners can balance the computation and regret bounds. As a consequence,
we derive prior-free Bayesian regret bounds for vanilla-IDS which learns the
whole environment under tabular finite-horizon MDPs. In addition, we propose a
computationally-efficient regularized-IDS that maximizes an additive form
rather than the ratio form and show that it enjoys the same regret bound as
vanilla-IDS. With the aid of rate-distortion theory, we improve the regret
bound by learning a surrogate, less informative environment. Furthermore, we
extend our analysis to linear MDPs and prove similar regret bounds for Thompson
sampling as a by-product. |
2,311 | Spatial Entropy Regularization for Vision Transformers | Recent work has shown that the attention maps of Vision Transformers (VTs),
when trained with self-supervision, can contain a semantic segmentation
structure which does not spontaneously emerge when training is supervised. In
this paper, we explicitly encourage the emergence of this spatial clustering as
a form of training regularization, this way including a self-supervised pretext
task into the standard supervised learning. In more detail, we propose a VT
regularization method based on a spatial formulation of the information
entropy. By minimizing the proposed spatial entropy, we explicitly ask the VT
to produce spatially ordered attention maps, this way including an object-based
prior during training. Using extensive experiments, we show that the proposed
regularization approach is beneficial with different training scenarios,
datasets, downstream tasks and VT architectures. The code will be available
upon acceptance. |
2,312 | Temporal Logic Imitation: Learning Plan-Satisficing Motion Policies from Demonstrations | Learning from demonstration (LfD) methods have shown promise for solving
multi-step tasks; however, these approaches do not guarantee successful
reproduction of the task given disturbances. In this work, we identify the
roots of such a challenge as the failure of the learned continuous policy to
satisfy the discrete plan implicit in the demonstration. By utilizing modes
(rather than subgoals) as the discrete abstraction and motion policies with
both mode invariance and goal reachability properties, we prove our learned
continuous policy can simulate any discrete plan specified by a Linear Temporal
Logic (LTL) formula. Consequently, the imitator is robust to both task- and
motion-level disturbances and guaranteed to achieve task success. Project page:
https://sites.google.com/view/ltl-ds |
2,313 | AttX: Attentive Cross-Connections for Fusion of Wearable Signals in Emotion Recognition | We propose cross-modal attentive connections, a new dynamic and effective
technique for multimodal representation learning from wearable data. Our
solution can be integrated into any stage of the pipeline, i.e., after any
convolutional layer or block, to create intermediate connections between
individual streams responsible for processing each modality. Additionally, our
method benefits from two properties. First, it can share information
uni-directionally (from one modality to the other) or bi-directionally. Second,
it can be integrated into multiple stages at the same time to further allow
network gradients to be exchanged in several touch-points. We perform extensive
experiments on three public multimodal wearable datasets, WESAD, SWELL-KW, and
CASE, and demonstrate that our method can effectively regulate and share
information between different modalities to learn better representations. Our
experiments further demonstrate that once integrated into simple CNN-based
multimodal solutions (2, 3, or 4 modalities), our method can result in superior
or competitive performance to state-of-the-art and outperform a variety of
baseline uni-modal and classical multimodal methods. |
2,314 | Factuality Enhanced Language Models for Open-Ended Text Generation | Pretrained language models (LMs) are susceptible to generate text with
nonfactual information. In this work, we measure and improve the factual
accuracy of large-scale LMs for open-ended text generation. We design the
FactualityPrompts test set and metrics to measure the factuality of LM
generations. Based on that, we study the factual accuracy of LMs with parameter
sizes ranging from 126M to 530B. Interestingly, we find that larger LMs are
more factual than smaller ones, although a previous study suggests that larger
LMs can be less truthful in terms of misconceptions. In addition, popular
sampling algorithms (e.g., top-p) in open-ended text generation can harm the
factuality due to the "uniform randomness" introduced at every sampling step.
We propose the factual-nucleus sampling algorithm that dynamically adapts the
randomness to improve the factuality of generation while maintaining quality.
Furthermore, we analyze the inefficiencies of the standard training method in
learning correct associations between entities from factual text corpus (e.g.,
Wikipedia). We propose a factuality-enhanced training method that uses
TopicPrefix for better awareness of facts and sentence completion as the
training objective, which can vastly reduce the factual errors. |
2,315 | A Critical Review on the Use (and Misuse) of Differential Privacy in Machine Learning | We review the use of differential privacy (DP) for privacy protection in
machine learning (ML). We show that, driven by the aim of preserving the
accuracy of the learned models, DP-based ML implementations are so loose that
they do not offer the ex ante privacy guarantees of DP. Instead, what they
deliver is basically noise addition similar to the traditional (and often
criticized) statistical disclosure control approach. Due to the lack of formal
privacy guarantees, the actual level of privacy offered must be experimentally
assessed ex post, which is done very seldom. In this respect, we present
empirical results showing that standard anti-overfitting techniques in ML can
achieve a better utility/privacy/efficiency trade-off than DP. |
2,316 | On the Generalization and Adaption Performance of Causal Models | Learning models that offer robust out-of-distribution generalization and fast
adaptation is a key challenge in modern machine learning. Modelling causal
structure into neural networks holds the promise to accomplish robust zero and
few-shot adaptation. Recent advances in differentiable causal discovery have
proposed to factorize the data generating process into a set of modules, i.e.
one module for the conditional distribution of every variable where only causal
parents are used as predictors. Such a modular decomposition of knowledge
enables adaptation to distributions shifts by only updating a subset of
parameters. In this work, we systematically study the generalization and
adaption performance of such modular neural causal models by comparing it to
monolithic models and structured models where the set of predictors is not
constrained to causal parents. Our analysis shows that the modular neural
causal models outperform other models on both zero and few-shot adaptation in
low data regimes and offer robust generalization. We also found that the
effects are more significant for sparser graphs as compared to denser graphs. |
2,317 | Beyond the Imitation Game: Quantifying and extrapolating the capabilities of language models | Language models demonstrate both quantitative improvement and new qualitative
capabilities with increasing scale. Despite their potentially transformative
impact, these new capabilities are as yet poorly characterized. In order to
inform future research, prepare for disruptive new model capabilities, and
ameliorate socially harmful effects, it is vital that we understand the present
and near-future capabilities and limitations of language models. To address
this challenge, we introduce the Beyond the Imitation Game benchmark
(BIG-bench). BIG-bench currently consists of 204 tasks, contributed by 442
authors across 132 institutions. Task topics are diverse, drawing problems from
linguistics, childhood development, math, common-sense reasoning, biology,
physics, social bias, software development, and beyond. BIG-bench focuses on
tasks that are believed to be beyond the capabilities of current language
models. We evaluate the behavior of OpenAI's GPT models, Google-internal dense
transformer architectures, and Switch-style sparse transformers on BIG-bench,
across model sizes spanning millions to hundreds of billions of parameters. In
addition, a team of human expert raters performed all tasks in order to provide
a strong baseline. Findings include: model performance and calibration both
improve with scale, but are poor in absolute terms (and when compared with
rater performance); performance is remarkably similar across model classes,
though with benefits from sparsity; tasks that improve gradually and
predictably commonly involve a large knowledge or memorization component,
whereas tasks that exhibit "breakthrough" behavior at a critical scale often
involve multiple steps or components, or brittle metrics; social bias typically
increases with scale in settings with ambiguous context, but this can be
improved with prompting. |
2,318 | Explicit Regularization in Overparametrized Models via Noise Injection | Injecting noise within gradient descent has several desirable features. In
this paper, we explore noise injection before computing a gradient step, which
is known to have smoothing and regularizing properties. We show that small
perturbations induce explicit regularization for simple finite-dimensional
models based on the l1-norm, group l1-norms, or nuclear norms. When applied to
overparametrized neural networks with large widths, we show that the same
perturbations do not work due to variance explosion resulting from
overparametrization. However, we also show that independent layer wise
perturbations allow to avoid the exploding variance term, and explicit
regularizers can then be obtained. We empirically show that the small
perturbations lead to better generalization performance than vanilla
(stochastic) gradient descent training, with minor adjustments to the training
procedure. |
2,319 | On Margins and Generalisation for Voting Classifiers | We study the generalisation properties of majority voting on finite ensembles
of classifiers, proving margin-based generalisation bounds via the PAC-Bayes
theory. These provide state-of-the-art guarantees on a number of classification
tasks. Our central results leverage the Dirichlet posteriors studied recently
by Zantedeschi et al. [2021] for training voting classifiers; in contrast to
that work our bounds apply to non-randomised votes via the use of margins. Our
contributions add perspective to the debate on the "margins theory" proposed by
Schapire et al. [1998] for the generalisation of ensemble classifiers. |
2,320 | On Neural Architecture Inductive Biases for Relational Tasks | Current deep learning approaches have shown good in-distribution
generalization performance, but struggle with out-of-distribution
generalization. This is especially true in the case of tasks involving abstract
relations like recognizing rules in sequences, as we find in many intelligence
tests. Recent work has explored how forcing relational representations to
remain distinct from sensory representations, as it seems to be the case in the
brain, can help artificial systems. Building on this work, we further explore
and formalize the advantages afforded by 'partitioned' representations of
relations and sensory details, and how this inductive bias can help recompose
learned relational structure in newly encountered settings. We introduce a
simple architecture based on similarity scores which we name Compositional
Relational Network (CoRelNet). Using this model, we investigate a series of
inductive biases that ensure abstract relations are learned and represented
distinctly from sensory data, and explore their effects on out-of-distribution
generalization for a series of relational psychophysics tasks. We find that
simple architectural choices can outperform existing models in
out-of-distribution generalization. Together, these results show that
partitioning relational representations from other information streams may be a
simple way to augment existing network architectures' robustness when
performing out-of-distribution relational computations. |
2,321 | Field Level Neural Network Emulator for Cosmological N-body Simulations | We build a field level emulator for cosmic structure formation that is
accurate in the nonlinear regime. Our emulator consists of two convolutional
neural networks trained to output the nonlinear displacements and velocities of
N-body simulation particles based on their linear inputs. Cosmology dependence
is encoded in the form of style parameters at each layer of the neural network,
enabling the emulator to effectively interpolate the outcomes of structure
formation between different flat $\Lambda$CDM cosmologies over a wide range of
background matter densities. The neural network architecture makes the model
differentiable by construction, providing a powerful tool for fast field level
inference. We test the accuracy of our method by considering several summary
statistics, including the density power spectrum with and without redshift
space distortions, the displacement power spectrum, the momentum power
spectrum, the density bispectrum, halo abundances, and halo profiles with and
without redshift space distortions. We compare these statistics from our
emulator with the full N-body results, the COLA method, and a fiducial neural
network with no cosmological dependence. We find our emulator gives accurate
results down to scales of $k \sim 1\ \mathrm{Mpc}^{-1}\, h$, representing a
considerable improvement over both COLA and the fiducial neural network. We
also demonstrate that our emulator generalizes well to initial conditions
containing primordial non-Gaussianity, without the need for any additional
style parameters or retraining. |
2,322 | Privacy Leakage in Text Classification: A Data Extraction Approach | Recent work has demonstrated the successful extraction of training data from
generative language models. However, it is not evident whether such extraction
is feasible in text classification models since the training objective is to
predict the class label as opposed to next-word prediction. This poses an
interesting challenge and raises an important question regarding the privacy of
training data in text classification settings. Therefore, we study the
potential privacy leakage in the text classification domain by investigating
the problem of unintended memorization of training data that is not pertinent
to the learning task. We propose an algorithm to extract missing tokens of a
partial text by exploiting the likelihood of the class label provided by the
model. We test the effectiveness of our algorithm by inserting canaries into
the training set and attempting to extract tokens in these canaries
post-training. In our experiments, we demonstrate that successful extraction is
possible to some extent. This can also be used as an auditing strategy to
assess any potential unauthorized use of personal data without consent. |
2,323 | Optimal SQ Lower Bounds for Robustly Learning Discrete Product Distributions and Ising Models | We establish optimal Statistical Query (SQ) lower bounds for robustly
learning certain families of discrete high-dimensional distributions. In
particular, we show that no efficient SQ algorithm with access to an
$\epsilon$-corrupted binary product distribution can learn its mean within
$\ell_2$-error $o(\epsilon \sqrt{\log(1/\epsilon)})$. Similarly, we show that
no efficient SQ algorithm with access to an $\epsilon$-corrupted ferromagnetic
high-temperature Ising model can learn the model to total variation distance
$o(\epsilon \log(1/\epsilon))$. Our SQ lower bounds match the error guarantees
of known algorithms for these problems, providing evidence that current upper
bounds for these tasks are best possible. At the technical level, we develop a
generic SQ lower bound for discrete high-dimensional distributions starting
from low dimensional moment matching constructions that we believe will find
other applications. Additionally, we introduce new ideas to analyze these
moment-matching constructions for discrete univariate distributions. |
2,324 | Clustering with Queries under Semi-Random Noise | The seminal paper by Mazumdar and Saha \cite{MS17a} introduced an extensive
line of work on clustering with noisy queries. Yet, despite significant
progress on the problem, the proposed methods depend crucially on knowing the
exact probabilities of errors of the underlying fully-random oracle. In this
work, we develop robust learning methods that tolerate general semi-random
noise obtaining qualitatively the same guarantees as the best possible methods
in the fully-random model.
More specifically, given a set of $n$ points with an unknown underlying
partition, we are allowed to query pairs of points $u,v$ to check if they are
in the same cluster, but with probability $p$, the answer may be adversarially
chosen. We show that information theoretically $O\left(\frac{nk \log n}
{(1-2p)^2}\right)$ queries suffice to learn any cluster of sufficiently large
size. Our main result is a computationally efficient algorithm that can
identify large clusters with $O\left(\frac{nk \log n} {(1-2p)^2}\right) +
\text{poly}\left(\log n, k, \frac{1}{1-2p} \right)$ queries, matching the
guarantees of the best known algorithms in the fully-random model. As a
corollary of our approach, we develop the first parameter-free algorithm for
the fully-random model, answering an open question by \cite{MS17a}. |
2,325 | Transformer based Urdu Handwritten Text Optical Character Reader | Extracting Handwritten text is one of the most important components of
digitizing information and making it available for large scale setting.
Handwriting Optical Character Reader (OCR) is a research problem in computer
vision and natural language processing computing, and a lot of work has been
done for English, but unfortunately, very little work has been done for low
resourced languages such as Urdu. Urdu language script is very difficult
because of its cursive nature and change of shape of characters based on it's
relative position, therefore, a need arises to propose a model which can
understand complex features and generalize it for every kind of handwriting
style. In this work, we propose a transformer based Urdu Handwritten text
extraction model. As transformers have been very successful in Natural Language
Understanding task, we explore them further to understand complex Urdu
Handwriting. |
2,326 | Simple lessons from complex learning: what a neural network model learns about cosmic structure formation | We train a neural network model to predict the full phase space evolution of
cosmological N-body simulations. Its success implies that the neural network
model is accurately approximating the Green's function expansion that relates
the initial conditions of the simulations to its outcome at later times in the
deeply nonlinear regime. We test the accuracy of this approximation by
assessing its performance on well understood simple cases that have either
known exact solutions or well understood expansions. These scenarios include
spherical configurations, isolated plane waves, and two interacting plane
waves: initial conditions that are very different from the Gaussian random
fields used for training. We find our model generalizes well to these well
understood scenarios, demonstrating that the networks have inferred general
physical principles and learned the nonlinear mode couplings from the complex,
random Gaussian training data. These tests also provide a useful diagnostic for
finding the model's strengths and weaknesses, and identifying strategies for
model improvement. We also test the model on initial conditions that contain
only transverse modes, a family of modes that differ not only in their phases
but also in their evolution from the longitudinal growing modes used in the
training set. When the network encounters these initial conditions that are
orthogonal to the training set, the model fails completely. In addition to
these simple configurations, we evaluate the model's predictions for the
density, displacement, and momentum power spectra with standard initial
conditions for N-body simulations. We compare these summary statistics against
N-body results and an approximate, fast simulation method called COLA. Our
model achieves percent level accuracy at nonlinear scales of $k\sim 1\
\mathrm{Mpc}^{-1}\, h$, representing a significant improvement over COLA. |
2,327 | Revisiting End-to-End Speech-to-Text Translation From Scratch | End-to-end (E2E) speech-to-text translation (ST) often depends on pretraining
its encoder and/or decoder using source transcripts via speech recognition or
text translation tasks, without which translation performance drops
substantially. However, transcripts are not always available, and how
significant such pretraining is for E2E ST has rarely been studied in the
literature. In this paper, we revisit this question and explore the extent to
which the quality of E2E ST trained on speech-translation pairs alone can be
improved. We reexamine several techniques proven beneficial to ST previously,
and offer a set of best practices that biases a Transformer-based E2E ST system
toward training from scratch. Besides, we propose parameterized distance
penalty to facilitate the modeling of locality in the self-attention model for
speech. On four benchmarks covering 23 languages, our experiments show that,
without using any transcripts or pretraining, the proposed system reaches and
even outperforms previous studies adopting pretraining, although the gap
remains in (extremely) low-resource settings. Finally, we discuss neural
acoustic feature modeling, where a neural model is designed to extract acoustic
features from raw speech signals directly, with the goal to simplify inductive
biases and add freedom to the model in describing speech. For the first time,
we demonstrate its feasibility and show encouraging results on ST tasks. |
2,328 | Benefits of Overparameterized Convolutional Residual Networks: Function Approximation under Smoothness Constraint | Overparameterized neural networks enjoy great representation power on complex
data, and more importantly yield sufficiently smooth output, which is crucial
to their generalization and robustness. Most existing function approximation
theories suggest that with sufficiently many parameters, neural networks can
well approximate certain classes of functions in terms of the function value.
The neural network themselves, however, can be highly nonsmooth. To bridge this
gap, we take convolutional residual networks (ConvResNets) as an example, and
prove that large ConvResNets can not only approximate a target function in
terms of function value, but also exhibit sufficient first-order smoothness.
Moreover, we extend our theory to approximating functions supported on a
low-dimensional manifold. Our theory partially justifies the benefits of using
deep and wide networks in practice. Numerical experiments on adversarial robust
image classification are provided to support our theory. |
2,329 | A Relational Intervention Approach for Unsupervised Dynamics Generalization in Model-Based Reinforcement Learning | The generalization of model-based reinforcement learning (MBRL) methods to
environments with unseen transition dynamics is an important yet challenging
problem. Existing methods try to extract environment-specified information $Z$
from past transition segments to make the dynamics prediction model
generalizable to different dynamics. However, because environments are not
labelled, the extracted information inevitably contains redundant information
unrelated to the dynamics in transition segments and thus fails to maintain a
crucial property of $Z$: $Z$ should be similar in the same environment and
dissimilar in different ones. As a result, the learned dynamics prediction
function will deviate from the true one, which undermines the generalization
ability. To tackle this problem, we introduce an interventional prediction
module to estimate the probability of two estimated $\hat{z}_i, \hat{z}_j$
belonging to the same environment. Furthermore, by utilizing the $Z$'s
invariance within a single environment, a relational head is proposed to
enforce the similarity between $\hat{{Z}}$ from the same environment. As a
result, the redundant information will be reduced in $\hat{Z}$. We empirically
show that $\hat{{Z}}$ estimated by our method enjoy less redundant information
than previous methods, and such $\hat{{Z}}$ can significantly reduce dynamics
prediction errors and improve the performance of model-based RL methods on
zero-shot new environments with unseen dynamics. The codes of this method are
available at \url{https://github.com/CR-Gjx/RIA}. |
2,330 | Pragmatically Learning from Pedagogical Demonstrations in Multi-Goal Environments | Learning from demonstration methods usually leverage close to optimal
demonstrations to accelerate training. By contrast, when demonstrating a task,
human teachers deviate from optimal demonstrations and pedagogically modify
their behavior by giving demonstrations that best disambiguate the goal they
want to demonstrate. Analogously, human learners excel at pragmatically
inferring the intent of the teacher, facilitating communication between the two
agents. These mechanisms are critical in the few demonstrations regime, where
inferring the goal is more difficult. In this paper, we implement pedagogy and
pragmatism mechanisms by leveraging a Bayesian model of goal inference from
demonstrations. We highlight the benefits of this model in multi-goal
teacher-learner setups with two artificial agents that learn with
goal-conditioned Reinforcement Learning. We show that combining a pedagogical
teacher and a pragmatic learner results in faster learning and reduced goal
ambiguity over standard learning from demonstrations, especially in the few
demonstrations regime. |
2,331 | ECLAD: Extracting Concepts with Local Aggregated Descriptors | Convolutional neural networks are being increasingly used in critical
systems, where ensuring their robustness and alignment is crucial. In this
context, the field of explainable artificial intelligence has proposed the
generation of high-level explanations through concept extraction. These methods
detect whether a concept is present in an image, but are incapable of locating
where. What is more, a fair comparison of approaches is difficult, as proper
validation procedures are missing. To fill these gaps, we propose a novel
method for automatic concept extraction and localization based on
representations obtained through the pixel-wise aggregations of activation maps
of CNNs. Further, we introduce a process for the validation of
concept-extraction techniques based on synthetic datasets with pixel-wise
annotations of their main components, reducing human intervention. Through
extensive experimentation on both synthetic and real-world datasets, our method
achieves better performance in comparison to state-of-the-art alternatives. |
2,332 | DORA: Exploring outlier representations in Deep Neural Networks | Deep Neural Networks (DNNs) draw their power from the representations they
learn. In recent years, however, researchers have found that DNNs, while being
incredibly effective in learning complex abstractions, also tend to be infected
with artifacts, such as biases, Clever Hanses (CH), or Backdoors, due to
spurious correlations inherent in the training data. So far, existing methods
for uncovering such artifactual and malicious behavior in trained models focus
on finding artifacts in the input data, which requires both availabilities of a
data set and human intervention. In this paper, we introduce DORA
(Data-agnOstic Representation Analysis): the first automatic data-agnostic
method for the detection of potentially infected representations in Deep Neural
Networks. We further show that contaminated representations found by DORA can
be used to detect infected samples in any given dataset. We qualitatively and
quantitatively evaluate the performance of our proposed method in both,
controlled toy scenarios, and in real-world settings, where we demonstrate the
benefit of DORA in safety-critical applications. |
2,333 | An FPGA-based Solution for Convolution Operation Acceleration | Hardware-based acceleration is an extensive attempt to facilitate many
computationally-intensive mathematics operations. This paper proposes an
FPGA-based architecture to accelerate the convolution operation - a complex and
expensive computing step that appears in many Convolutional Neural Network
models. We target the design to the standard convolution operation, intending
to launch the product as an edge-AI solution. The project's purpose is to
produce an FPGA IP core that can process a convolutional layer at a time.
System developers can deploy the IP core with various FPGA families by using
Verilog HDL as the primary design language for the architecture. The
experimental results show that our single computing core synthesized on a
simple edge computing FPGA board can offer 0.224 GOPS. When the board is fully
utilized, 4.48 GOPS can be achieved. |
2,334 | Accurate Node Feature Estimation with Structured Variational Graph Autoencoder | Given a graph with partial observations of node features, how can we estimate
the missing features accurately? Feature estimation is a crucial problem for
analyzing real-world graphs whose features are commonly missing during the data
collection process. Accurate estimation not only provides diverse information
of nodes but also supports the inference of graph neural networks that require
the full observation of node features. However, designing an effective approach
for estimating high-dimensional features is challenging, since it requires an
estimator to have large representation power, increasing the risk of
overfitting. In this work, we propose SVGA (Structured Variational Graph
Autoencoder), an accurate method for feature estimation. SVGA applies strong
regularization to the distribution of latent variables by structured
variational inference, which models the prior of variables as Gaussian Markov
random field based on the graph structure. As a result, SVGA combines the
advantages of probabilistic inference and graph neural networks, achieving
state-of-the-art performance in real datasets. |
2,335 | What is a Good Metric to Study Generalization of Minimax Learners? | Minimax optimization has served as the backbone of many machine learning (ML)
problems. Although the convergence behavior of optimization algorithms has been
extensively studied in the minimax settings, their generalization guarantees in
stochastic minimax optimization problems, i.e., how the solution trained on
empirical data performs on unseen testing data, have been relatively
underexplored. A fundamental question remains elusive: What is a good metric to
study generalization of minimax learners? In this paper, we aim to answer this
question by first showing that primal risk, a universal metric to study
generalization in minimization problems, which has also been adopted recently
to study generalization in minimax ones, fails in simple examples. We thus
propose a new metric to study generalization of minimax learners: the primal
gap, defined as the difference between the primal risk and its minimum over all
models, to circumvent the issues. Next, we derive generalization error bounds
for the primal gap in nonconvex-concave settings. As byproducts of our
analysis, we also solve two open questions: establishing generalization error
bounds for primal risk and primal-dual risk, another existing metric that is
only well-defined when the global saddle-point exists, in the strong sense,
i.e., without strong concavity or assuming that the maximization and
expectation can be interchanged, while either of these assumptions was needed
in the literature. Finally, we leverage this new metric to compare the
generalization behavior of two popular algorithms -- gradient descent-ascent
(GDA) and gradient descent-max (GDMax) in stochastic minimax optimization. |
2,336 | Unlearning Protected User Attributes in Recommendations with Adversarial Training | Collaborative filtering algorithms capture underlying consumption patterns,
including the ones specific to particular demographics or protected information
of users, e.g. gender, race, and location. These encoded biases can influence
the decision of a recommendation system (RS) towards further separation of the
contents provided to various demographic subgroups, and raise privacy concerns
regarding the disclosure of users' protected attributes. In this work, we
investigate the possibility and challenges of removing specific protected
information of users from the learned interaction representations of a RS
algorithm, while maintaining its effectiveness. Specifically, we incorporate
adversarial training into the state-of-the-art MultVAE architecture, resulting
in a novel model, Adversarial Variational Auto-Encoder with Multinomial
Likelihood (Adv-MultVAE), which aims at removing the implicit information of
protected attributes while preserving recommendation performance. We conduct
experiments on the MovieLens-1M and LFM-2b-DemoBias datasets, and evaluate the
effectiveness of the bias mitigation method based on the inability of external
attackers in revealing the users' gender information from the model. Comparing
with baseline MultVAE, the results show that Adv-MultVAE, with marginal
deterioration in performance (w.r.t. NDCG and recall), largely mitigates
inherent biases in the model on both datasets. |
2,337 | Mitigating Modality Collapse in Multimodal VAEs via Impartial Optimization | A number of variational autoencoders (VAEs) have recently emerged with the
aim of modeling multimodal data, e.g., to jointly model images and their
corresponding captions. Still, multimodal VAEs tend to focus solely on a subset
of the modalities, e.g., by fitting the image while neglecting the caption. We
refer to this limitation as modality collapse. In this work, we argue that this
effect is a consequence of conflicting gradients during multimodal VAE
training. We show how to detect the sub-graphs in the computational graphs
where gradients conflict (impartiality blocks), as well as how to leverage
existing gradient-conflict solutions from multitask learning to mitigate
modality collapse. That is, to ensure impartial optimization across modalities.
We apply our training framework to several multimodal VAE models, losses and
datasets from the literature, and empirically show that our framework
significantly improves the reconstruction performance, conditional generation,
and coherence of the latent space across modalities. |
2,338 | Redundancy in Deep Linear Neural Networks | Conventional wisdom states that deep linear neural networks benefit from
expressiveness and optimization advantages over a single linear layer. This
paper suggests that, in practice, the training process of deep linear
fully-connected networks using conventional optimizers is convex in the same
manner as a single linear fully-connected layer. This paper aims to explain
this claim and demonstrate it. Even though convolutional networks are not
aligned with this description, this work aims to attain a new conceptual
understanding of fully-connected linear networks that might shed light on the
possible constraints of convolutional settings and non-linear architectures. |
2,339 | Data-Efficient Brain Connectome Analysis via Multi-Task Meta-Learning | Brain networks characterize complex connectivities among brain regions as
graph structures, which provide a powerful means to study brain connectomes. In
recent years, graph neural networks have emerged as a prevalent paradigm of
learning with structured data. However, most brain network datasets are limited
in sample sizes due to the relatively high cost of data acquisition, which
hinders the deep learning models from sufficient training. Inspired by
meta-learning that learns new concepts fast with limited training examples,
this paper studies data-efficient training strategies for analyzing brain
connectomes in a cross-dataset setting. Specifically, we propose to meta-train
the model on datasets of large sample sizes and transfer the knowledge to small
datasets. In addition, we also explore two brain-network-oriented designs,
including atlas transformation and adaptive task reweighing. Compared to other
pre-training strategies, our meta-learning-based approach achieves higher and
stabler performance, which demonstrates the effectiveness of our proposed
solutions. The framework is also able to derive new insights regarding the
similarities among datasets and diseases in a data-driven fashion. |
2,340 | Receding Horizon Inverse Reinforcement Learning | Inverse reinforcement learning (IRL) seeks to infer a cost function that
explains the underlying goals and preferences of expert demonstrations. This
paper presents receding horizon inverse reinforcement learning (RHIRL), a new
IRL algorithm for high-dimensional, noisy, continuous systems with black-box
dynamic models. RHIRL addresses two key challenges of IRL: scalability and
robustness. To handle high-dimensional continuous systems, RHIRL matches the
induced optimal trajectories with expert demonstrations locally in a receding
horizon manner and 'stitches' together the local solutions to learn the cost;
it thereby avoids the 'curse of dimensionality'. This contrasts sharply with
earlier algorithms that match with expert demonstrations globally over the
entire high-dimensional state space. To be robust against imperfect expert
demonstrations and system control noise, RHIRL learns a state-dependent cost
function 'disentangled' from system dynamics under mild conditions. Experiments
on benchmark tasks show that RHIRL outperforms several leading IRL algorithms
in most instances. We also prove that the cumulative error of RHIRL grows
linearly with the task duration. |
2,341 | Individually Fair Learning with One-Sided Feedback | We consider an online learning problem with one-sided feedback, in which the
learner is able to observe the true label only for positively predicted
instances. On each round, $k$ instances arrive and receive classification
outcomes according to a randomized policy deployed by the learner, whose goal
is to maximize accuracy while deploying individually fair policies. We first
extend the framework of Bechavod et al. (2020), which relies on the existence
of a human fairness auditor for detecting fairness violations, to instead
incorporate feedback from dynamically-selected panels of multiple, possibly
inconsistent, auditors. We then construct an efficient reduction from our
problem of online learning with one-sided feedback and a panel reporting
fairness violations to the contextual combinatorial semi-bandit problem
(Cesa-Bianchi & Lugosi, 2009, Gy\"{o}rgy et al., 2007). Finally, we show how to
leverage the guarantees of two algorithms in the contextual combinatorial
semi-bandit setting: Exp2 (Bubeck et al., 2012) and the oracle-efficient
Context-Semi-Bandit-FTPL (Syrgkanis et al., 2016), to provide multi-criteria no
regret guarantees simultaneously for accuracy and fairness. Our results
eliminate two potential sources of bias from prior work: the "hidden outcomes"
that are not available to an algorithm operating in the full information
setting, and human biases that might be present in any single human auditor,
but can be mitigated by selecting a well chosen panel. |
2,342 | Early Transferability of Adversarial Examples in Deep Neural Networks | This paper will describe and analyze a new phenomenon that was not known
before, which we call "Early Transferability". Its essence is that the
adversarial perturbations transfer among different networks even at extremely
early stages in their training. In fact, one can initialize two networks with
two different independent choices of random weights and measure the angle
between their adversarial perturbations after each step of the training. What
we discovered was that these two adversarial directions started to align with
each other already after the first few training steps (which typically use only
a small fraction of the available training data), even though the accuracy of
the two networks hadn't started to improve from their initial bad values due to
the early stage of the training. The purpose of this paper is to present this
phenomenon experimentally and propose plausible explanations for some of its
properties. |
2,343 | Towards Understanding Graph Neural Networks: An Algorithm Unrolling Perspective | The graph neural network (GNN) has demonstrated its superior performance in
various applications. The working mechanism behind it, however, remains
mysterious. GNN models are designed to learn effective representations for
graph-structured data, which intrinsically coincides with the principle of
graph signal denoising (GSD). Algorithm unrolling, a "learning to optimize"
technique, has gained increasing attention due to its prospects in building
efficient and interpretable neural network architectures. In this paper, we
introduce a class of unrolled networks built based on truncated optimization
algorithms (e.g., gradient descent and proximal gradient descent) for GSD
problems. They are shown to be tightly connected to many popular GNN models in
that the forward propagations in these GNNs are in fact unrolled networks
serving specific GSDs. Besides, the training process of a GNN model can be seen
as solving a bilevel optimization problem with a GSD problem at the lower
level. Such a connection brings a fresh view of GNNs, as we could try to
understand their practical capabilities from their GSD counterparts, and it can
also motivate designing new GNN models. Based on the algorithm unrolling
perspective, an expressive model named UGDGNN, i.e., unrolled gradient descent
GNN, is further proposed which inherits appealing theoretical properties.
Extensive numerical simulations on seven benchmark datasets demonstrate that
UGDGNN can achieve superior or competitive performance over the
state-of-the-art models. |
2,344 | Meet You Halfway: Explaining Deep Learning Mysteries | Deep neural networks perform exceptionally well on various learning tasks
with state-of-the-art results. While these models are highly expressive and
achieve impressively accurate solutions with excellent generalization
abilities, they are susceptible to minor perturbations. Samples that suffer
such perturbations are known as "adversarial examples". Even though deep
learning is an extensively researched field, many questions about the nature of
deep learning models remain unanswered. In this paper, we introduce a new
conceptual framework attached with a formal description that aims to shed light
on the network's behavior and interpret the behind-the-scenes of the learning
process. Our framework provides an explanation for inherent questions
concerning deep learning. Particularly, we clarify: (1) Why do neural networks
acquire generalization abilities? (2) Why do adversarial examples transfer
between different models?. We provide a comprehensive set of experiments that
support this new framework, as well as its underlying theory. |
2,345 | SDQ: Stochastic Differentiable Quantization with Mixed Precision | In order to deploy deep models in a computationally efficient manner, model
quantization approaches have been frequently used. In addition, as new hardware
that supports mixed bitwidth arithmetic operations, recent research on mixed
precision quantization (MPQ) begins to fully leverage the capacity of
representation by searching optimized bitwidths for different layers and
modules in a network. However, previous studies mainly search the MPQ strategy
in a costly scheme using reinforcement learning, neural architecture search,
etc., or simply utilize partial prior knowledge for bitwidth assignment, which
might be biased and sub-optimal. In this work, we present a novel Stochastic
Differentiable Quantization (SDQ) method that can automatically learn the MPQ
strategy in a more flexible and globally-optimized space with smoother gradient
approximation. Particularly, Differentiable Bitwidth Parameters (DBPs) are
employed as the probability factors in stochastic quantization between adjacent
bitwidth choices. After the optimal MPQ strategy is acquired, we further train
our network with entropy-aware bin regularization and knowledge distillation.
We extensively evaluate our method for several networks on different hardware
(GPUs and FPGA) and datasets. SDQ outperforms all state-of-the-art mixed or
single precision quantization with a lower bitwidth and is even better than the
full-precision counterparts across various ResNet and MobileNet families,
demonstrating the effectiveness and superiority of our method. |
2,346 | Choosing Answers in $\varepsilon$-Best-Answer Identification for Linear Bandits | In pure-exploration problems, information is gathered sequentially to answer
a question on the stochastic environment. While best-arm identification for
linear bandits has been extensively studied in recent years, few works have
been dedicated to identifying one arm that is $\varepsilon$-close to the best
one (and not exactly the best one). In this problem with several correct
answers, an identification algorithm should focus on one candidate among those
answers and verify that it is correct. We demonstrate that picking the answer
with highest mean does not allow an algorithm to reach asymptotic optimality in
terms of expected sample complexity. Instead, a \textit{furthest answer} should
be identified. Using that insight to choose the candidate answer carefully, we
develop a simple procedure to adapt best-arm identification algorithms to
tackle $\varepsilon$-best-answer identification in transductive linear
stochastic bandits. Finally, we propose an asymptotically optimal algorithm for
this setting, which is shown to achieve competitive empirical performance
against existing modified best-arm identification algorithms. |
2,347 | Draft-and-Revise: Effective Image Generation with Contextual RQ-Transformer | Although autoregressive models have achieved promising results on image
generation, their unidirectional generation process prevents the resultant
images from fully reflecting global contexts. To address the issue, we propose
an effective image generation framework of Draft-and-Revise with Contextual
RQ-transformer to consider global contexts during the generation process. As a
generalized VQ-VAE, RQ-VAE first represents a high-resolution image as a
sequence of discrete code stacks. After code stacks in the sequence are
randomly masked, Contextual RQ-Transformer is trained to infill the masked code
stacks based on the unmasked contexts of the image. Then, Contextual
RQ-Transformer uses our two-phase decoding, Draft-and-Revise, and generates an
image, while exploiting the global contexts of the image during the generation
process. Specifically. in the draft phase, our model first focuses on
generating diverse images despite rather low quality. Then, in the revise
phase, the model iteratively improves the quality of images, while preserving
the global contexts of generated images. In experiments, our method achieves
state-of-the-art results on conditional image generation. We also validate that
the Draft-and-Revise decoding can achieve high performance by effectively
controlling the quality-diversity trade-off in image generation. |
2,348 | Convolutional Dictionary Learning by End-To-End Training of Iterative Neural Networks | Sparsity-based methods have a long history in the field of signal processing
and have been successfully applied to various image reconstruction problems.
The involved sparsifying transformations or dictionaries are typically either
pre-trained using a model which reflects the assumed properties of the signals
or adaptively learned during the reconstruction - yielding so-called blind
Compressed Sensing approaches. However, by doing so, the transforms are never
explicitly trained in conjunction with the physical model which generates the
signals. In addition, properly choosing the involved regularization parameters
remains a challenging task. Another recently emerged training-paradigm for
regularization methods is to use iterative neural networks (INNs) - also known
as unrolled networks - which contain the physical model. In this work, we
construct an INN which can be used as a supervised and physics-informed online
convolutional dictionary learning algorithm. We evaluated the proposed approach
by applying it to a realistic large-scale dynamic MR reconstruction problem and
compared it to several other recently published works. We show that the
proposed INN improves over two conventional model-agnostic training methods and
yields competitive results also compared to a deep INN. Further, it does not
require to choose the regularization parameters and - in contrast to deep INNs
- each network component is entirely interpretable. |
2,349 | Towards Safe Reinforcement Learning via Constraining Conditional Value-at-Risk | Though deep reinforcement learning (DRL) has obtained substantial success, it
may encounter catastrophic failures due to the intrinsic uncertainty of both
transition and observation. Most of the existing methods for safe reinforcement
learning can only handle transition disturbance or observation disturbance
since these two kinds of disturbance affect different parts of the agent;
besides, the popular worst-case return may lead to overly pessimistic policies.
To address these issues, we first theoretically prove that the performance
degradation under transition disturbance and observation disturbance depends on
a novel metric of Value Function Range (VFR), which corresponds to the gap in
the value function between the best state and the worst state. Based on the
analysis, we adopt conditional value-at-risk (CVaR) as an assessment of risk
and propose a novel reinforcement learning algorithm of
CVaR-Proximal-Policy-Optimization (CPPO) which formalizes the risk-sensitive
constrained optimization problem by keeping its CVaR under a given threshold.
Experimental results show that CPPO achieves a higher cumulative reward and is
more robust against both observation and transition disturbances on a series of
continuous control tasks in MuJoCo. |
2,350 | Regret Analysis of Certainty Equivalence Policies in Continuous-Time Linear-Quadratic Systems | This work studies theoretical performance guarantees of a ubiquitous
reinforcement learning policy for controlling the canonical model of stochastic
linear-quadratic system. We show that randomized certainty equivalent policy
addresses the exploration-exploitation dilemma for minimizing quadratic costs
in linear dynamical systems that evolve according to stochastic differential
equations. More precisely, we establish square-root of time regret bounds,
indicating that randomized certainty equivalent policy learns optimal control
actions fast from a single state trajectory. Further, linear scaling of the
regret with the number of parameters is shown. The presented analysis
introduces novel and useful technical approaches, and sheds light on
fundamental challenges of continuous-time reinforcement learning. |
2,351 | Discriminative and Generative Learning for Linear Estimation of Random Signals [Lecture Notes] | Inference tasks in signal processing are often characterized by the
availability of reliable statistical modeling with some missing
instance-specific parameters. One conventional approach uses data to estimate
these missing parameters and then infers based on the estimated model.
Alternatively, data can also be leveraged to directly learn the inference
mapping end-to-end. These approaches for combining partially-known statistical
models and data in inference are related to the notions of generative and
discriminative models used in the machine learning literature, typically
considered in the context of classifiers. The goal of this lecture note is to
introduce the concepts of generative and discriminative learning for inference
with a partially-known statistical model. While machine learning systems often
lack the interpretability of traditional signal processing methods, we focus on
a simple setting where one can interpret and compare the approaches in a
tractable manner that is accessible and relevant to signal processing readers.
In particular, we exemplify the approaches for the task of Bayesian signal
estimation in a jointly Gaussian setting with the mean-squared error (MSE)
objective, i.e., a linear estimation setting. |
2,352 | AI-based Clinical Assessment of Optic Nerve Head Robustness Superseding Biomechanical Testing | $\mathbf{Purpose}$: To use artificial intelligence (AI) to: (1) exploit
biomechanical knowledge of the optic nerve head (ONH) from a relatively large
population; (2) assess ONH robustness from a single optical coherence
tomography (OCT) scan of the ONH; (3) identify what critical three-dimensional
(3D) structural features make a given ONH robust.
$\mathbf{Design}$: Retrospective cross-sectional study.
$\mathbf{Methods}$: 316 subjects had their ONHs imaged with OCT before and
after acute intraocular pressure (IOP) elevation through ophthalmo-dynamometry.
IOP-induced lamina-cribrosa deformations were then mapped in 3D and used to
classify ONHs. Those with LC deformations superior to 4% were considered
fragile, while those with deformations inferior to 4% robust. Learning from
these data, we compared three AI algorithms to predict ONH robustness strictly
from a baseline (undeformed) OCT volume: (1) a random forest classifier; (2) an
autoencoder; and (3) a dynamic graph CNN (DGCNN). The latter algorithm also
allowed us to identify what critical 3D structural features make a given ONH
robust.
$\mathbf{Results}$: All 3 methods were able to predict ONH robustness from 3D
structural information alone and without the need to perform biomechanical
testing. The DGCNN (area under the receiver operating curve [AUC]: 0.76 $\pm$
0.08) outperformed the autoencoder (AUC: 0.70 $\pm$ 0.07) and the random forest
classifier (AUC: 0.69 $\pm$ 0.05). Interestingly, to assess ONH robustness, the
DGCNN mainly used information from the scleral canal and the LC insertion
sites.
$\mathbf{Conclusions}$: We propose an AI-driven approach that can assess the
robustness of a given ONH solely from a single OCT scan of the ONH, and without
the need to perform biomechanical testing. Longitudinal studies should
establish whether ONH robustness could help us identify fast visual field loss
progressors. |
2,353 | Learning to generalize Dispatching rules on the Job Shop Scheduling | This paper introduces a Reinforcement Learning approach to better generalize
heuristic dispatching rules on the Job-shop Scheduling Problem (JSP). Current
models on the JSP do not focus on generalization, although, as we show in this
work, this is key to learning better heuristics on the problem. A well-known
technique to improve generalization is to learn on increasingly complex
instances using Curriculum Learning (CL). However, as many works in the
literature indicate, this technique might suffer from catastrophic forgetting
when transferring the learned skills between different problem sizes. To
address this issue, we introduce a novel Adversarial Curriculum Learning (ACL)
strategy, which dynamically adjusts the difficulty level during the learning
process to revisit the worst-performing instances. This work also presents a
deep learning model to solve the JSP, which is equivariant w.r.t. the job
definition and size-agnostic. Conducted experiments on Taillard's and
Demirkol's instances show that the presented approach significantly improves
the current state-of-the-art models on the JSP. It reduces the average
optimality gap from 19.35\% to 10.46\% on Taillard's instances and from 38.43\%
to 18.85\% on Demirkol's instances. Our implementation is available online. |
2,354 | Neonatal EEG graded for severity of background abnormalities in hypoxic-ischaemic encephalopathy | This report describes a set of neonatal electroencephalogram (EEG) recordings
graded according to the severity of abnormalities in the background pattern.
The dataset consists of 169 hours of multichannel EEG from 53 neonates recorded
in a neonatal intensive care unit. All neonates received a diagnosis of
hypoxic-ischaemic encephalopathy (HIE), the most common cause of brain injury
in full term infants. For each neonate, multiple 1-hour epochs of good quality
EEG were selected and then graded for background abnormalities. The grading
system assesses EEG attributes such as amplitude and frequency, continuity,
sleep-wake cycling, symmetry and synchrony, and abnormal waveforms. Background
severity was then categorised into 4 grades: normal or mildly abnormal,
moderately abnormal, severely abnormal, and inactive EEG. The data can be used
as a reference set of multi-channel EEG for neonates with HIE, for EEG training
purposes, or for developing and evaluating automated grading algorithms. |
2,355 | Unsupervised Learning of the Total Variation Flow | The total variation (TV) flow generates a scale-space representation of an
image based on the TV functional. This gradient flow observes desirable
features for images such as sharp edges and enables spectral, scale, and
texture analysis. The standard numerical approach for TV flow requires solving
multiple non-smooth optimisation problems. Even with state-of-the-art convex
optimisation techniques, this is often prohibitively expensive and strongly
motivates the use of alternative, faster approaches. Inspired by and extending
the framework of physics-informed neural networks (PINNs), we propose the
TVflowNET, a neural network approach to compute the solution of the TV flow
given an initial image and a time instance. We significantly speed up the
computation time by more than one order of magnitude and show that the
TVflowNET approximates the TV flow solution with high fidelity. This is a
preliminary report, more details are to follow. |
2,356 | Conformal Off-Policy Prediction in Contextual Bandits | Most off-policy evaluation methods for contextual bandits have focused on the
expected outcome of a policy, which is estimated via methods that at best
provide only asymptotic guarantees. However, in many applications, the
expectation may not be the best measure of performance as it does not capture
the variability of the outcome. In addition, particularly in safety-critical
settings, stronger guarantees than asymptotic correctness may be required. To
address these limitations, we consider a novel application of conformal
prediction to contextual bandits. Given data collected under a behavioral
policy, we propose \emph{conformal off-policy prediction} (COPP), which can
output reliable predictive intervals for the outcome under a new target policy.
We provide theoretical finite-sample guarantees without making any additional
assumptions beyond the standard contextual bandit setup, and empirically
demonstrate the utility of COPP compared with existing methods on synthetic and
real-world data. |
2,357 | Depression Recognition using Remote Photoplethysmography from Facial Videos | Depression is a mental illness that may be harmful to an individual's health.
The detection of mental health disorders in the early stages and a precise
diagnosis are critical to avoid social, physiological, or psychological side
effects. This work analyzes physiological signals to observe if different
depressive states have a noticeable impact on the blood volume pulse (BVP) and
the heart rate variability (HRV) response. Although typically, HRV features are
calculated from biosignals obtained with contact-based sensors such as
wearables, we propose instead a novel scheme that directly extracts them from
facial videos, just based on visual information, removing the need for any
contact-based device. Our solution is based on a pipeline that is able to
extract complete remote photoplethysmography signals (rPPG) in a fully
unsupervised manner. We use these rPPG signals to calculate over 60
statistical, geometrical, and physiological features that are further used to
train several machine learning regressors to recognize different levels of
depression. Experiments on two benchmark datasets indicate that this approach
offers comparable results to other audiovisual modalities based on voice or
facial expression, potentially complementing them. In addition, the results
achieved for the proposed method show promising and solid performance that
outperforms hand-engineered methods and is comparable to deep learning-based
approaches. |
2,358 | Xplique: A Deep Learning Explainability Toolbox | Today's most advanced machine-learning models are hardly scrutable. The key
challenge for explainability methods is to help assisting researchers in
opening up these black boxes, by revealing the strategy that led to a given
decision, by characterizing their internal states or by studying the underlying
data representation. To address this challenge, we have developed Xplique: a
software library for explainability which includes representative
explainability methods as well as associated evaluation metrics. It interfaces
with one of the most popular learning libraries: Tensorflow as well as other
libraries including PyTorch, scikit-learn and Theano. The code is licensed
under the MIT license and is freely available at github.com/deel-ai/xplique. |
2,359 | HideNseek: Federated Lottery Ticket via Server-side Pruning and Sign Supermask | Federated learning alleviates the privacy risk in distributed learning by
transmitting only the local model updates to the central server. However, it
faces challenges including statistical heterogeneity of clients' datasets and
resource constraints of client devices, which severely impact the training
performance and user experience. Prior works have tackled these challenges by
combining personalization with model compression schemes including quantization
and pruning. However, the pruning is data-dependent and thus must be done on
the client side which requires considerable computation cost. Moreover, the
pruning normally trains a binary supermask $\in \{0, 1\}$ which significantly
limits the model capacity yet with no computation benefit. Consequently, the
training requires high computation cost and a long time to converge while the
model performance does not pay off. In this work, we propose HideNseek which
employs one-shot data-agnostic pruning at initialization to get a subnetwork
based on weights' synaptic saliency. Each client then optimizes a sign
supermask $\in \{-1, +1\}$ multiplied by the unpruned weights to allow faster
convergence with the same compression rates as state-of-the-art. Empirical
results from three datasets demonstrate that compared to state-of-the-art,
HideNseek improves inferences accuracies by up to 40.6\% while reducing the
communication cost and training time by up to 39.7\% and 46.8\% respectively. |
2,360 | Value Memory Graph: A Graph-Structured World Model for Offline Reinforcement Learning | World models in model-based reinforcement learning usually face unrealistic
long-time-horizon prediction issues due to compounding errors as the prediction
errors accumulate over timesteps. Recent works in graph-structured world models
improve the long-horizon reasoning ability via building a graph to represent
the environment, but they are designed in a goal-conditioned setting and cannot
guide the agent to maximize episode returns in a traditional reinforcement
learning setting without externally given target states. To overcome this
limitation, we design a graph-structured world model in offline reinforcement
learning by building a directed-graph-based Markov decision process (MDP) with
rewards allocated to each directed edge as an abstraction of the original
continuous environment. As our world model has small and finite state/action
spaces compared to the original environment, value iteration can be easily
applied here to estimate state values on the graph and figure out the best
future. Unlike previous graph-structured world models that requires externally
provided targets, our world model, dubbed Value Memory Graph (VMG), can provide
the desired targets with high values by itself. VMG can be used to guide
low-level goal-conditioned policies that are trained via supervised learning to
maximize episode returns. Experiments on the D4RL benchmark show that VMG can
outperform state-of-the-art methods in several tasks where long horizon
reasoning ability is crucial. Code will be made publicly available. |
2,361 | Concept Identification for Complex Engineering Datasets | Finding meaningful concepts in engineering application datasets which allow
for a sensible grouping of designs is very helpful in many contexts. It allows
for determining different groups of designs with similar properties and
provides useful knowledge in the engineering decision making process. Also, it
opens the route for further refinements of specific design candidates which
exhibit certain characteristic features. In this work, an approach to define
meaningful and consistent concepts in an existing engineering dataset is
presented. The designs in the dataset are characterized by a multitude of
features such as design parameters, geometrical properties or performance
values of the design for various boundary conditions. In the proposed approach
the complete feature set is partitioned into several subsets called description
spaces. The definition of the concepts respects this partitioning which leads
to several desired properties of the identified concepts, which cannot be
achieved with state-of-the-art clustering or concept identification approaches.
A novel concept quality measure is proposed, which provides an objective value
for a given definition of concepts in a dataset. The usefulness of the measure
is demonstrated by considering a realistic engineering dataset consisting of
about 2500 airfoil profiles where the performance values (lift and drag) for
three different operating conditions were obtained by a computational fluid
dynamics simulation. A numerical optimization procedure is employed which
maximizes the concept quality measure, and finds meaningful concepts for
different setups of the description spaces while also incorporating user
preference. It is demonstrated how these concepts can be used to select
archetypal representatives of the dataset which exhibit characteristic features
of each concept. |
2,362 | Uncovering bias in the PlantVillage dataset | We report our investigation on the use of the popular PlantVillage dataset
for training deep learning based plant disease detection models. We trained a
machine learning model using only 8 pixels from the PlantVillage image
backgrounds. The model achieved 49.0% accuracy on the held-out test set, well
above the random guessing accuracy of 2.6%. This result indicates that the
PlantVillage dataset contains noise correlated with the labels and deep
learning models can easily exploit this bias to make predictions. Possible
approaches to alleviate this problem are discussed. |
2,363 | Diagnosing Ensemble Few-Shot Classifiers | The base learners and labeled samples (shots) in an ensemble few-shot
classifier greatly affect the model performance. When the performance is not
satisfactory, it is usually difficult to understand the underlying causes and
make improvements. To tackle this issue, we propose a visual analysis method,
FSLDiagnotor. Given a set of base learners and a collection of samples with a
few shots, we consider two problems: 1) finding a subset of base learners that
well predict the sample collections; and 2) replacing the low-quality shots
with more representative ones to adequately represent the sample collections.
We formulate both problems as sparse subset selection and develop two selection
algorithms to recommend appropriate learners and shots, respectively. A matrix
visualization and a scatterplot are combined to explain the recommended
learners and shots in context and facilitate users in adjusting them. Based on
the adjustment, the algorithm updates the recommendation results for another
round of improvement. Two case studies are conducted to demonstrate that
FSLDiagnotor helps build a few-shot classifier efficiently and increases the
accuracy by 12% and 21%, respectively. |
2,364 | Model Degradation Hinders Deep Graph Neural Networks | Graph Neural Networks (GNNs) have achieved great success in various graph
mining tasks.However, drastic performance degradation is always observed when a
GNN is stacked with many layers. As a result, most GNNs only have shallow
architectures, which limits their expressive power and exploitation of deep
neighborhoods.Most recent studies attribute the performance degradation of deep
GNNs to the \textit{over-smoothing} issue. In this paper, we disentangle the
conventional graph convolution operation into two independent operations:
\textit{Propagation} (\textbf{P}) and \textit{Transformation}
(\textbf{T}).Following this, the depth of a GNN can be split into the
propagation depth ($D_p$) and the transformation depth ($D_t$). Through
extensive experiments, we find that the major cause for the performance
degradation of deep GNNs is the \textit{model degradation} issue caused by
large $D_t$ rather than the \textit{over-smoothing} issue mainly caused by
large $D_p$. Further, we present \textit{Adaptive Initial Residual} (AIR), a
plug-and-play module compatible with all kinds of GNN architectures, to
alleviate the \textit{model degradation} issue and the \textit{over-smoothing}
issue simultaneously. Experimental results on six real-world datasets
demonstrate that GNNs equipped with AIR outperform most GNNs with shallow
architectures owing to the benefits of both large $D_p$ and $D_t$, while the
time costs associated with AIR can be ignored. |
2,365 | A general approximation lower bound in $L^p$ norm, with applications to feed-forward neural networks | We study the fundamental limits to the expressive power of neural networks.
Given two sets $F$, $G$ of real-valued functions, we first prove a general
lower bound on how well functions in $F$ can be approximated in $L^p(\mu)$ norm
by functions in $G$, for any $p \geq 1$ and any probability measure $\mu$. The
lower bound depends on the packing number of $F$, the range of $F$, and the
fat-shattering dimension of $G$. We then instantiate this bound to the case
where $G$ corresponds to a piecewise-polynomial feed-forward neural network,
and describe in details the application to two sets $F$: H{\"o}lder balls and
multivariate monotonic functions. Beside matching (known or new) upper bounds
up to log factors, our lower bounds shed some light on the similarities or
differences between approximation in $L^p$ norm or in sup norm, solving an open
question by DeVore et al. (2021). Our proof strategy differs from the sup norm
case and uses a key probability result of Mendelson (2002). |
2,366 | Trajectory-dependent Generalization Bounds for Deep Neural Networks via Fractional Brownian Motion | Despite being tremendously overparameterized, it is appreciated that deep
neural networks trained by stochastic gradient descent (SGD) generalize
surprisingly well. Based on the Rademacher complexity of a pre-specified
hypothesis set, different norm-based generalization bounds have been developed
to explain this phenomenon. However, recent studies suggest these bounds might
be problematic as they increase with the training set size, which is contrary
to empirical evidence. In this study, we argue that the hypothesis set SGD
explores is trajectory-dependent and thus may provide a tighter bound over its
Rademacher complexity. To this end, we characterize the SGD recursion via a
stochastic differential equation by assuming the incurred stochastic gradient
noise follows the fractional Brownian motion. We then identify the Rademacher
complexity in terms of the covering numbers and relate it to the Hausdorff
dimension of the optimization trajectory. By invoking the hypothesis set
stability, we derive a novel generalization bound for deep neural networks.
Extensive experiments demonstrate that it predicts well the generalization gap
over several common experimental interventions. We further show that the Hurst
parameter of the fractional Brownian motion is more informative than existing
generalization indicators such as the power-law index and the upper
Blumenthal-Getoor index. |
2,367 | A Simple Unified Approach to Testing High-Dimensional Conditional Independences for Categorical and Ordinal Data | Conditional independence (CI) tests underlie many approaches to model testing
and structure learning in causal inference. Most existing CI tests for
categorical and ordinal data stratify the sample by the conditioning variables,
perform simple independence tests in each stratum, and combine the results.
Unfortunately, the statistical power of this approach degrades rapidly as the
number of conditioning variables increases. Here we propose a simple unified CI
test for ordinal and categorical data that maintains reasonable calibration and
power in high dimensions. We show that our test outperforms existing baselines
in model testing and structure learning for dense directed graphical models
while being comparable for sparse models. Our approach could be attractive for
causal model testing because it is easy to implement, can be used with
non-parametric or parametric probability models, has the symmetry property, and
has reasonable computational requirements. |
2,368 | Graph Attention Multi-Layer Perceptron | Graph neural networks (GNNs) have achieved great success in many graph-based
applications. However, the enormous size and high sparsity level of graphs
hinder their applications under industrial scenarios. Although some scalable
GNNs are proposed for large-scale graphs, they adopt a fixed $K$-hop
neighborhood for each node, thus facing the over-smoothing issue when adopting
large propagation depths for nodes within sparse regions. To tackle the above
issue, we propose a new GNN architecture -- Graph Attention Multi-Layer
Perceptron (GAMLP), which can capture the underlying correlations between
different scales of graph knowledge. We have deployed GAMLP in Tencent with the
Angel platform, and we further evaluate GAMLP on both real-world datasets and
large-scale industrial datasets. Extensive experiments on these 14 graph
datasets demonstrate that GAMLP achieves state-of-the-art performance while
enjoying high scalability and efficiency. Specifically, it outperforms GAT by
1.3\% regarding predictive accuracy on our large-scale Tencent Video dataset
while achieving up to $50\times$ training speedup. Besides, it ranks top-1 on
both the leaderboards of the largest homogeneous and heterogeneous graph (i.e.,
ogbn-papers100M and ogbn-mag) of Open Graph Benchmark. |
2,369 | NNTrainer: Light-Weight On-Device Training Framework | Modern consumer electronic devices have adopted deep learning-based
intelligence services for their key features. Vendors have recently started to
execute intelligence services on devices to preserve personal data in devices,
reduce network and cloud costs. We find such a trend as the opportunity to
personalize intelligence services by updating neural networks with user data
without exposing the data out of devices: on-device training. For example, we
may add a new class, my dog, Alpha, for robotic vacuums, adapt speech
recognition for the users accent, let text-to-speech speak as if the user
speaks. However, the resource limitations of target devices incur significant
difficulties. We propose NNTrainer, a light-weight on-device training
framework. We describe optimization techniques for neural networks implemented
by NNTrainer, which are evaluated along with the conventional. The evaluations
show that NNTrainer can reduce memory consumption down to 1/28 without
deteriorating accuracy or training time and effectively personalizes
applications on devices. NNTrainer is cross-platform and practical open source
software, which is being deployed to millions of devices in the authors
affiliation. |
2,370 | Learning to generate imaginary tasks for improving generalization in meta-learning | The success of meta-learning on existing benchmarks is predicated on the
assumption that the distribution of meta-training tasks covers meta-testing
tasks. Frequent violation of the assumption in applications with either
insufficient tasks or a very narrow meta-training task distribution leads to
memorization or learner overfitting. Recent solutions have pursued augmentation
of meta-training tasks, while it is still an open question to generate both
correct and sufficiently imaginary tasks. In this paper, we seek an approach
that up-samples meta-training tasks from the task representation via a task
up-sampling network. Besides, the resulting approach named Adversarial Task
Up-sampling (ATU) suffices to generate tasks that can maximally contribute to
the latest meta-learner by maximizing an adversarial loss. On few-shot sine
regression and image classification datasets, we empirically validate the
marked improvement of ATU over state-of-the-art task augmentation strategies in
the meta-testing performance and also the quality of up-sampled tasks. |
2,371 | Audio-video fusion strategies for active speaker detection in meetings | Meetings are a common activity in professional contexts, and it remains
challenging to endow vocal assistants with advanced functionalities to
facilitate meeting management. In this context, a task like active speaker
detection can provide useful insights to model interaction between meeting
participants. Motivated by our application context related to advanced meeting
assistant, we want to combine audio and visual information to achieve the best
possible performance. In this paper, we propose two different types of fusion
for the detection of the active speaker, combining two visual modalities and an
audio modality through neural networks. For comparison purpose, classical
unsupervised approaches for audio feature extraction are also used. We expect
visual data centered on the face of each participant to be very appropriate for
detecting voice activity, based on the detection of lip and facial gestures.
Thus, our baseline system uses visual data and we chose a 3D Convolutional
Neural Network architecture, which is effective for simultaneously encoding
appearance and movement. To improve this system, we supplemented the visual
information by processing the audio stream with a CNN or an unsupervised
speaker diarization system. We have further improved this system by adding
visual modality information using motion through optical flow. We evaluated our
proposal with a public and state-of-the-art benchmark: the AMI corpus. We
analysed the contribution of each system to the merger carried out in order to
determine if a given participant is currently speaking. We also discussed the
results we obtained. Besides, we have shown that, for our application context,
adding motion information greatly improves performance. Finally, we have shown
that attention-based fusion improves performance while reducing the standard
deviation. |
2,372 | CFA: Coupled-hypersphere-based Feature Adaptation for Target-Oriented Anomaly Localization | For a long time, anomaly localization has been widely used in industries.
Previous studies focused on approximating the distribution of normal features
without adaptation to a target dataset. However, since anomaly localization
should precisely discriminate normal and abnormal features, the absence of
adaptation may make the normality of abnormal features overestimated. Thus, we
propose Coupled-hypersphere-based Feature Adaptation (CFA) which accomplishes
sophisticated anomaly localization using features adapted to the target
dataset. CFA consists of (1) a learnable patch descriptor that learns and
embeds target-oriented features and (2) scalable memory bank independent of the
size of the target dataset. And, CFA adopts transfer learning to increase the
normal feature density so that abnormal features can be clearly distinguished
by applying patch descriptor and memory bank to a pre-trained CNN. The proposed
method outperforms the previous methods quantitatively and qualitatively. For
example, it provides an AUROC score of 99.5% in anomaly detection and 98.5% in
anomaly localization of MVTec AD benchmark. In addition, this paper points out
the negative effects of biased features of pre-trained CNNs and emphasizes the
importance of the adaptation to the target dataset. The code is publicly
available at https://github.com/sungwool/CFA_for_anomaly_localization. |
2,373 | Adversarial Noises Are Linearly Separable for (Nearly) Random Neural Networks | Adversarial examples, which are usually generated for specific inputs with a
specific model, are ubiquitous for neural networks. In this paper we unveil a
surprising property of adversarial noises when they are put together, i.e.,
adversarial noises crafted by one-step gradient methods are linearly separable
if equipped with the corresponding labels. We theoretically prove this property
for a two-layer network with randomly initialized entries and the neural
tangent kernel setup where the parameters are not far from initialization. The
proof idea is to show the label information can be efficiently backpropagated
to the input while keeping the linear separability. Our theory and experimental
evidence further show that the linear classifier trained with the adversarial
noises of the training data can well classify the adversarial noises of the
test data, indicating that adversarial noises actually inject a distributional
perturbation to the original data distribution. Furthermore, we empirically
demonstrate that the adversarial noises may become less linearly separable when
the above conditions are compromised while they are still much easier to
classify than original features. |
2,374 | Multi-class Classification with Fuzzy-feature Observations: Theory and Algorithms | The theoretical analysis of multi-class classification has proved that the
existing multi-class classification methods can train a classifier with high
classification accuracy on the test set, when the instances are precise in the
training and test sets with same distribution and enough instances can be
collected in the training set. However, one limitation with multi-class
classification has not been solved: how to improve the classification accuracy
of multi-class classification problems when only imprecise observations are
available. Hence, in this paper, we propose a novel framework to address a new
realistic problem called multi-class classification with imprecise observations
(MCIMO), where we need to train a classifier with fuzzy-feature observations.
Firstly, we give the theoretical analysis of the MCIMO problem based on fuzzy
Rademacher complexity. Then, two practical algorithms based on support vector
machine and neural networks are constructed to solve the proposed new problem.
Experiments on both synthetic and real-world datasets verify the rationality of
our theoretical analysis and the efficacy of the proposed algorithms. |
2,375 | GSmooth: Certified Robustness against Semantic Transformations via Generalized Randomized Smoothing | Certified defenses such as randomized smoothing have shown promise towards
building reliable machine learning systems against $\ell_p$-norm bounded
attacks. However, existing methods are insufficient or unable to provably
defend against semantic transformations, especially those without closed-form
expressions (such as defocus blur and pixelate), which are more common in
practice and often unrestricted. To fill up this gap, we propose generalized
randomized smoothing (GSmooth), a unified theoretical framework for certifying
robustness against general semantic transformations via a novel dimension
augmentation strategy. Under the GSmooth framework, we present a scalable
algorithm that uses a surrogate image-to-image network to approximate the
complex transformation. The surrogate model provides a powerful tool for
studying the properties of semantic transformations and certifying robustness.
Experimental results on several datasets demonstrate the effectiveness of our
approach for robustness certification against multiple kinds of semantic
transformations and corruptions, which is not achievable by the alternative
baselines. |
2,376 | Unveiling Transformers with LEGO: a synthetic reasoning task | We propose a synthetic task, LEGO (Learning Equality and Group Operations),
that encapsulates the problem of following a chain of reasoning, and we study
how the transformer architectures learn this task. We pay special attention to
data effects such as pretraining (on seemingly unrelated NLP tasks) and dataset
composition (e.g., differing chain length at training and test time), as well
as architectural variants such as weight-tied layers or adding convolutional
components. We study how the trained models eventually succeed at the task, and
in particular, we are able to understand (to some extent) some of the attention
heads as well as how the information flows in the network. Based on these
observations we propose a hypothesis that here pretraining helps merely due to
being a smart initialization rather than some deep knowledge stored in the
network. We also observe that in some data regime the trained transformer finds
"shortcut" solutions to follow the chain of reasoning, which impedes the
model's ability to generalize to simple variants of the main task, and moreover
we find that one can prevent such shortcut with appropriate architecture
modification or careful data preparation. Motivated by our findings, we begin
to explore the task of learning to execute C programs, where a convolutional
modification to transformers, namely adding convolutional structures in the
key/query/value maps, shows an encouraging edge. |
2,377 | OptWedge: Cognitive Optimized Guidance toward Off-screen POIs | Guiding off-screen points of interest (POIs) is a practical way of providing
additional information to users of small-screen devices, such as smart devices
and head-mounted displays. Popular previous methods involve displaying a
primitive figure referred to as Wedge on the screen for users to estimate
off-screen POI on the invisible vertex. Because they utilize a cognitive
process referred to as amodal completion, where users can imagine the entire
figure even when a part of it is occluded, localization accuracy is influenced
by bias and individual differences. To improve the accuracy, we propose to
optimize the figure using a cognitive cost that considers the influence. We
also design two types of optimizations with different parameters: unbiased
OptWedge (UOW) and biased OptWedge (BOW). Experimental results indicate that
OptWedge achieves more accurate guidance for a close distance compared to
heuristics approach. |
2,378 | Coswara: A website application enabling COVID-19 screening by analysing respiratory sound samples and health symptoms | The COVID-19 pandemic has accelerated research on design of alternative,
quick and effective COVID-19 diagnosis approaches. In this paper, we describe
the Coswara tool, a website application designed to enable COVID-19 detection
by analysing respiratory sound samples and health symptoms. A user using this
service can log into a website using any device connected to the internet,
provide there current health symptom information and record few sound sampled
corresponding to breathing, cough, and speech. Within a minute of analysis of
this information on a cloud server the website tool will output a COVID-19
probability score to the user. As the COVID-19 pandemic continues to demand
massive and scalable population level testing, we hypothesize that the proposed
tool provides a potential solution towards this. |
2,379 | Evaluating Aleatoric Uncertainty via Conditional Generative Models | Aleatoric uncertainty quantification seeks for distributional knowledge of
random responses, which is important for reliability analysis and robustness
improvement in machine learning applications. Previous research on aleatoric
uncertainty estimation mainly targets closed-formed conditional densities or
variances, which requires strong restrictions on the data distribution or
dimensionality. To overcome these restrictions, we study conditional generative
models for aleatoric uncertainty estimation. We introduce two metrics to
measure the discrepancy between two conditional distributions that suit these
models. Both metrics can be easily and unbiasedly computed via Monte Carlo
simulation of the conditional generative models, thus facilitating their
evaluation and training. We demonstrate numerically how our metrics provide
correct measurements of conditional distributional discrepancies and can be
used to train conditional models competitive against existing benchmarks. |
2,380 | Pseudo-Poincaré: A Unification Framework for Euclidean and Hyperbolic Graph Neural Networks | Hyperbolic neural networks have recently gained significant attention due to
their promising results on several graph problems including node classification
and link prediction. The primary reason for this success is the effectiveness
of the hyperbolic space in capturing the inherent hierarchy of graph datasets.
However, they are limited in terms of generalization, scalability, and have
inferior performance when it comes to non-hierarchical datasets. In this paper,
we take a completely orthogonal perspective for modeling hyperbolic networks.
We use Poincar\'e disk to model the hyperbolic geometry and also treat it as if
the disk itself is a tangent space at origin. This enables us to replace
non-scalable M\"obius gyrovector operations with an Euclidean approximation,
and thus simplifying the entire hyperbolic model to a Euclidean model cascaded
with a hyperbolic normalization function. Our approach does not adhere to
M\"obius math, yet it still works in the Riemannian manifold, hence we call it
Pseudo-Poincar\'e framework. We applied our non-linear hyperbolic normalization
to the current state-of-the-art homogeneous and multi-relational graph networks
and demonstrate significant improvements in performance compared to both
Euclidean and hyperbolic counterparts. The primary impact of this work lies in
its ability to capture hierarchical features in the Euclidean space, and thus,
can replace hyperbolic networks without loss in performance metrics while
simultaneously leveraging the power of Euclidean networks such as
interpretability and efficient execution of various model components. |
2,381 | Swan: A Neural Engine for Efficient DNN Training on Smartphone SoCs | The need to train DNN models on end-user devices (e.g., smartphones) is
increasing with the need to improve data privacy and reduce communication
overheads. Unlike datacenter servers with powerful CPUs and GPUs, modern
smartphones consist of a diverse collection of specialized cores following a
system-on-a-chip (SoC) architecture that together perform a variety of tasks.
We observe that training DNNs on a smartphone SoC without carefully considering
its resource constraints can not only lead to suboptimal training performance
but significantly affect user experience as well. In this paper, we present
Swan, a neural engine to optimize DNN training on smartphone SoCs without
hurting user experience. Extensive large-scale evaluations show that Swan can
improve performance by 1.2 - 23.3x over the state-of-the-art. |
2,382 | Sample-Efficient Reinforcement Learning in the Presence of Exogenous Information | In real-world reinforcement learning applications the learner's observation
space is ubiquitously high-dimensional with both relevant and irrelevant
information about the task at hand. Learning from high-dimensional observations
has been the subject of extensive investigation in supervised learning and
statistics (e.g., via sparsity), but analogous issues in reinforcement learning
are not well understood, even in finite state/action (tabular) domains. We
introduce a new problem setting for reinforcement learning, the Exogenous
Markov Decision Process (ExoMDP), in which the state space admits an (unknown)
factorization into a small controllable (or, endogenous) component and a large
irrelevant (or, exogenous) component; the exogenous component is independent of
the learner's actions, but evolves in an arbitrary, temporally correlated
fashion. We provide a new algorithm, ExoRL, which learns a near-optimal policy
with sample complexity polynomial in the size of the endogenous component and
nearly independent of the size of the exogenous component, thereby offering a
doubly-exponential improvement over off-the-shelf algorithms. Our results
highlight for the first time that sample-efficient reinforcement learning is
possible in the presence of exogenous information, and provide a simple,
user-friendly benchmark for investigation going forward. |
2,383 | Local Spatiotemporal Representation Learning for Longitudinally-consistent Neuroimage Analysis | Recent self-supervised advances in medical computer vision exploit global and
local anatomical self-similarity for pretraining prior to downstream tasks such
as segmentation. However, current methods assume i.i.d. image acquisition,
which is invalid in clinical study designs where follow-up longitudinal scans
track subject-specific temporal changes. Further, existing self-supervised
methods for medically-relevant image-to-image architectures exploit only
spatial or temporal self-similarity and only do so via a loss applied at a
single image-scale, with naive multi-scale spatiotemporal extensions collapsing
to degenerate solutions. To these ends, this paper makes two contributions: (1)
It presents a local and multi-scale spatiotemporal representation learning
method for image-to-image architectures trained on longitudinal images. It
exploits the spatiotemporal self-similarity of learned multi-scale
intra-subject features for pretraining and develops several feature-wise
regularizations that avoid collapsed identity representations; (2) During
finetuning, it proposes a surprisingly simple self-supervised segmentation
consistency regularization to exploit intra-subject correlation. Benchmarked in
the one-shot segmentation setting, the proposed framework outperforms both
well-tuned randomly-initialized baselines and current self-supervised
techniques designed for both i.i.d. and longitudinal datasets. These
improvements are demonstrated across both longitudinal neurodegenerative adult
MRI and developing infant brain MRI and yield both higher performance and
longitudinal consistency. |
2,384 | On Transfer Learning in Functional Linear Regression | This work studies the problem of transfer learning under the functional
linear model framework, which aims to improve the fit of the target model by
leveraging the knowledge from related source models. We measure the relatedness
between target and source models using Reproducing Kernel Hilbert Spaces,
allowing the type of knowledge being transferred to be interpreted by the
structure of the spaces. Two algorithms are proposed: one transfers knowledge
when the index of transferable sources is known, while the other one utilizes
aggregation to achieve knowledge transfer without prior information about the
sources. Furthermore, we establish the optimal convergence rates for excess
risk, making the statistical gain via transfer learning mathematically
provable. The effectiveness of the proposed algorithms is demonstrated on
synthetic data as well as real financial data. |
2,385 | Robust Matrix Completion with Heavy-tailed Noise | This paper studies low-rank matrix completion in the presence of heavy-tailed
and possibly asymmetric noise, where we aim to estimate an underlying low-rank
matrix given a set of highly incomplete noisy entries. Though the matrix
completion problem has attracted much attention in the past decade, there is
still lack of theoretical understanding when the observations are contaminated
by heavy-tailed noises. Prior theory falls short of explaining the empirical
results and is unable to capture the optimal dependence of the estimation error
on the noise level. In this paper, we adopt an adaptive Huber loss to
accommodate heavy-tailed noise, which is robust against large and possibly
asymmetric errors when the parameter in the loss function is carefully designed
to balance the Huberization biases and robustness to outliers. Then, we propose
an efficient nonconvex algorithm via a balanced low-rank Burer-Monteiro matrix
factorization and gradient decent with robust spectral initialization. We prove
that under merely bounded second moment condition on the error distributions,
rather than the sub-Gaussian assumption, the Euclidean error of the iterates
generated by the proposed algorithm decrease geometrically fast until achieving
a minimax-optimal statistical estimation error, which has the same order as
that in the sub-Gaussian case. The key technique behind this significant
advancement is a powerful leave-one-out analysis framework. The theoretical
results are corroborated by our simulation studies. |
2,386 | A General Framework For Proving The Equivariant Strong Lottery Ticket Hypothesis | The Strong Lottery Ticket Hypothesis (SLTH) stipulates the existence of a
subnetwork within a sufficiently overparameterized (dense) neural network that
-- when initialized randomly and without any training -- achieves the accuracy
of a fully trained target network. Recent work by \citet{da2022proving}
demonstrates that the SLTH can also be extended to translation equivariant
networks -- i.e. CNNs -- with the same level of overparametrization as needed
for SLTs in dense networks. However, modern neural networks are capable of
incorporating more than just translation symmetry, and developing general
equivariant architectures such as rotation and permutation has been a powerful
design principle. In this paper, we generalize the SLTH to functions that
preserve the action of the group $G$ -- i.e. $G$-equivariant network -- and
prove, with high probability, that one can prune a randomly initialized
overparametrized $G$-equivariant network to a $G$-equivariant subnetwork that
approximates another fully trained $G$-equivariant network of fixed width and
depth. We further prove that our prescribed overparametrization scheme is also
optimal as a function of the error tolerance. We develop our theory for a large
range of groups, including important ones such as subgroups of the Euclidean
group $\text{E}(n)$ and subgroups of the symmetric group $G \leq \mathcal{S}_n$
-- allowing us to find SLTs for MLPs, CNNs, $\text{E}(2)$-steerable CNNs, and
permutation equivariant networks as specific instantiations of our unified
framework which completely extends prior work. Empirically, we verify our
theory by pruning overparametrized $\text{E}(2)$-steerable CNNs and message
passing GNNs to match the performance of trained target networks within a given
error tolerance. |
2,387 | Unsupervised Deep Discriminant Analysis Based Clustering | This work presents an unsupervised deep discriminant analysis for clustering.
The method is based on deep neural networks and aims to minimize the
intra-cluster discrepancy and maximize the inter-cluster discrepancy in an
unsupervised manner. The method is able to project the data into a nonlinear
low-dimensional latent space with compact and distinct distribution patterns
such that the data clusters can be effectively identified. We further provide
an extension of the method such that available graph information can be
effectively exploited to improve the clustering performance. Extensive
numerical results on image and non-image data with or without graph information
demonstrate the effectiveness of the proposed methods. |
2,388 | There is no Accuracy-Interpretability Tradeoff in Reinforcement Learning for Mazes | Interpretability is an essential building block for trustworthiness in
reinforcement learning systems. However, interpretability might come at the
cost of deteriorated performance, leading many researchers to build complex
models. Our goal is to analyze the cost of interpretability. We show that in
certain cases, one can achieve policy interpretability while maintaining its
optimality. We focus on a classical problem from reinforcement learning: mazes
with $k$ obstacles in $\mathbb{R}^d$. We prove the existence of a small
decision tree with a linear function at each inner node and depth $O(\log k +
2^d)$ that represents an optimal policy. Note that for the interesting case of
a constant $d$, we have $O(\log k)$ depth. Thus, in this setting, there is no
accuracy-interpretability tradeoff. To prove this result, we use a new
"compressing" technique that might be useful in additional settings. |
2,389 | Predictive Exit: Prediction of Fine-Grained Early Exits for Computation- and Energy-Efficient Inference | By adding exiting layers to the deep learning networks, early exit can
terminate the inference earlier with accurate results. The passive
decision-making of whether to exit or continue the next layer has to go through
every pre-placed exiting layer until it exits. In addition, it is also hard to
adjust the configurations of the computing platforms alongside the inference
proceeds. By incorporating a low-cost prediction engine, we propose a
Predictive Exit framework for computation- and energy-efficient deep learning
applications. Predictive Exit can forecast where the network will exit (i.e.,
establish the number of remaining layers to finish the inference), which
effectively reduces the network computation cost by exiting on time without
running every pre-placed exiting layer. Moreover, according to the number of
remaining layers, proper computing configurations (i.e., frequency and voltage)
are selected to execute the network to further save energy. Extensive
experimental results demonstrate that Predictive Exit achieves up to 96.2%
computation reduction and 72.9% energy-saving compared with classic deep
learning networks; and 12.8% computation reduction and 37.6% energy-saving
compared with the early exit under state-of-the-art exiting strategies, given
the same inference accuracy and latency. |
2,390 | ScatterSample: Diversified Label Sampling for Data Efficient Graph Neural Network Learning | What target labels are most effective for graph neural network (GNN)
training? In some applications where GNNs excel-like drug design or fraud
detection, labeling new instances is expensive. We develop a data-efficient
active sampling framework, ScatterSample, to train GNNs under an active
learning setting. ScatterSample employs a sampling module termed
DiverseUncertainty to collect instances with large uncertainty from different
regions of the sample space for labeling. To ensure diversification of the
selected nodes, DiverseUncertainty clusters the high uncertainty nodes and
selects the representative nodes from each cluster. Our ScatterSample algorithm
is further supported by rigorous theoretical analysis demonstrating its
advantage compared to standard active sampling methods that aim to simply
maximize the uncertainty and not diversify the samples. In particular, we show
that ScatterSample is able to efficiently reduce the model uncertainty over the
whole sample space. Our experiments on five datasets show that ScatterSample
significantly outperforms the other GNN active learning baselines, specifically
it reduces the sampling cost by up to 50% while achieving the same test
accuracy. |
2,391 | Meta-data Study in Autism Spectrum Disorder Classification Based on Structural MRI | Accurate diagnosis of autism spectrum disorder (ASD) based on neuroimaging
data has significant implications, as extracting useful information from
neuroimaging data for ASD detection is challenging. Even though machine
learning techniques have been leveraged to improve the information extraction
from neuroimaging data, the varying data quality caused by different meta-data
conditions (i.e., data collection strategies) limits the effective information
that can be extracted, thus leading to data-dependent predictive accuracies in
ASD detection, which can be worse than random guess in some cases. In this
work, we systematically investigate the impact of three kinds of meta-data on
the predictive accuracy of classifying ASD based on structural MRI collected
from 20 different sites, where meta-data conditions vary. |
2,392 | An Optimization Method-Assisted Ensemble Deep Reinforcement Learning Algorithm to Solve Unit Commitment Problems | Unit commitment (UC) is a fundamental problem in the day-ahead electricity
market, and it is critical to solve UC problems efficiently. Mathematical
optimization techniques like dynamic programming, Lagrangian relaxation, and
mixed-integer quadratic programming (MIQP) are commonly adopted for UC
problems. However, the calculation time of these methods increases at an
exponential rate with the amount of generators and energy resources, which is
still the main bottleneck in industry. Recent advances in artificial
intelligence have demonstrated the capability of reinforcement learning (RL) to
solve UC problems. Unfortunately, the existing research on solving UC problems
with RL suffers from the curse of dimensionality when the size of UC problems
grows. To deal with these problems, we propose an optimization method-assisted
ensemble deep reinforcement learning algorithm, where UC problems are
formulated as a Markov Decision Process (MDP) and solved by multi-step deep
Q-learning in an ensemble framework. The proposed algorithm establishes a
candidate action set by solving tailored optimization problems to ensure a
relatively high performance and the satisfaction of operational constraints.
Numerical studies on IEEE 118 and 300-bus systems show that our algorithm
outperforms the baseline RL algorithm and MIQP. Furthermore, the proposed
algorithm shows strong generalization capacity under unforeseen operational
conditions. |
2,393 | Improved Approximation for Fair Correlation Clustering | Correlation clustering is a ubiquitous paradigm in unsupervised machine
learning where addressing unfairness is a major challenge. Motivated by this,
we study Fair Correlation Clustering where the data points may belong to
different protected groups and the goal is to ensure fair representation of all
groups across clusters. Our paper significantly generalizes and improves on the
quality guarantees of previous work of Ahmadi et al. and Ahmadian et al. as
follows.
- We allow the user to specify an arbitrary upper bound on the representation
of each group in a cluster.
- Our algorithm allows individuals to have multiple protected features and
ensure fairness simultaneously across them all.
- We prove guarantees for clustering quality and fairness in this general
setting. Furthermore, this improves on the results for the special cases
studied in previous work. Our experiments on real-world data demonstrate that
our clustering quality compared to the optimal solution is much better than
what our theoretical result suggests. |
2,394 | Enhancement of Healthcare Data Transmission using the Levenberg-Marquardt Algorithm | In the healthcare system, patients are required to use wearable devices for
the remote data collection and real-time monitoring of health data and the
status of health conditions. This adoption of wearables results in a
significant increase in the volume of data that is collected and transmitted.
As the devices are run by small battery power, they can be quickly diminished
due to the high processing requirements of the device for data collection and
transmission. Given the importance attached to medical data, it is imperative
that all transmitted data adhere to strict integrity and availability
requirements. Reducing the volume of healthcare data and the frequency of
transmission will improve the device battery life via using inference
algorithm. There is an issue of improving transmission metrics with accuracy
and efficiency, which trade-off each other such as increasing accuracy reduces
the efficiency. This paper demonstrates that machine learning can be used to
analyze complex health data metrics such as the accuracy and efficiency of data
transmission to overcome the trade-off problem using the Levenberg-Marquardt
algorithm to enhance both metrics by taking fewer samples to transmit whilst
maintaining the accuracy. The algorithm is tested with a standard heart rate
dataset to compare the metrics. The result shows that the LMA has best
performed with an efficiency of 3.33 times for reduced sample data size and
accuracy of 79.17%, which has the similar accuracies in 7 different sampling
cases adopted for testing but demonstrates improved efficiency. These proposed
methods significantly improved both metrics using machine learning without
sacrificing a metric over the other compared to the existing methods with high
efficiency. |
2,395 | Analytical Composition of Differential Privacy via the Edgeworth Accountant | Many modern machine learning algorithms are composed of simple private
algorithms; thus, an increasingly important problem is to efficiently compute
the overall privacy loss under composition. In this study, we introduce the
Edgeworth Accountant, an analytical approach to composing differential privacy
guarantees of private algorithms. The Edgeworth Accountant starts by losslessly
tracking the privacy loss under composition using the $f$-differential privacy
framework, which allows us to express the privacy guarantees using privacy-loss
log-likelihood ratios (PLLRs). As the name suggests, this accountant next uses
the Edgeworth expansion to the upper and lower bounds the probability
distribution of the sum of the PLLRs. Moreover, by relying on a technique for
approximating complex distributions using simple ones, we demonstrate that the
Edgeworth Accountant can be applied to the composition of any noise-addition
mechanism. Owing to certain appealing features of the Edgeworth expansion, the
$(\epsilon, \delta)$-differential privacy bounds offered by this accountant are
non-asymptotic, with essentially no extra computational cost, as opposed to the
prior approaches in, wherein the running times increase with the number of
compositions. Finally, we demonstrate that our upper and lower $(\epsilon,
\delta)$-differential privacy bounds are tight in federated analytics and
certain regimes of training private deep learning models. |
2,396 | Temporal Inductive Logic Reasoning | Inductive logic reasoning is one of the fundamental tasks on graphs, which
seeks to generalize patterns from the data. This task has been studied
extensively for traditional graph datasets such as knowledge graphs (KGs), with
representative techniques such as inductive logic programming (ILP). Existing
ILP methods typically assume learning from KGs with static facts and binary
relations. Beyond KGs, graph structures are widely present in other
applications such as video instructions, scene graphs and program executions.
While inductive logic reasoning is also beneficial for these applications,
applying ILP to the corresponding graphs is nontrivial: they are more complex
than KGs, which usually involve timestamps and n-ary relations, effectively a
type of hypergraph with temporal events.
In this work, we study two of such applications and propose to represent them
as hypergraphs with time intervals. To reason on this graph, we propose the
multi-start random B-walk that traverses this hypergraph. Combining it with a
path-consistency algorithm, we propose an efficient backward-chaining ILP
method that learns logic rules by generalizing from both the temporal and the
relational data. |
2,397 | GCVAE: Generalized-Controllable Variational AutoEncoder | Variational autoencoders (VAEs) have recently been used for unsupervised
disentanglement learning of complex density distributions. Numerous variants
exist to encourage disentanglement in latent space while improving
reconstruction. However, none have simultaneously managed the trade-off between
attaining extremely low reconstruction error and a high disentanglement score.
We present a generalized framework to handle this challenge under constrained
optimization and demonstrate that it outperforms state-of-the-art existing
models as regards disentanglement while balancing reconstruction. We introduce
three controllable Lagrangian hyperparameters to control reconstruction loss,
KL divergence loss and correlation measure. We prove that maximizing
information in the reconstruction network is equivalent to information
maximization during amortized inference under reasonable assumptions and
constraint relaxation. |
2,398 | Neo-GNNs: Neighborhood Overlap-aware Graph Neural Networks for Link Prediction | Graph Neural Networks (GNNs) have been widely applied to various fields for
learning over graph-structured data. They have shown significant improvements
over traditional heuristic methods in various tasks such as node classification
and graph classification. However, since GNNs heavily rely on smoothed node
features rather than graph structure, they often show poor performance than
simple heuristic methods in link prediction where the structural information,
e.g., overlapped neighborhoods, degrees, and shortest paths, is crucial. To
address this limitation, we propose Neighborhood Overlap-aware Graph Neural
Networks (Neo-GNNs) that learn useful structural features from an adjacency
matrix and estimate overlapped neighborhoods for link prediction. Our Neo-GNNs
generalize neighborhood overlap-based heuristic methods and handle overlapped
multi-hop neighborhoods. Our extensive experiments on Open Graph Benchmark
datasets (OGB) demonstrate that Neo-GNNs consistently achieve state-of-the-art
performance in link prediction. Our code is publicly available at
https://github.com/seongjunyun/Neo_GNNs. |
2,399 | It's a super deal -- train recurrent network on noisy data and get smooth prediction free | Recent research demonstrate that prediction of time series by predictive
recurrent neural networks based on the noisy input generates a {\it smooth}
anticipated trajectory. We examine influence of the noise component in both the
training data sets and the input sequences on network prediction quality. We
propose and discuss an explanation of the observed noise compression in the
predictive process. We also discuss importance of this property of recurrent
networks in the neuroscience context for the evolution of living organisms. |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.