Unnamed: 0
int64 0
5k
| title
stringlengths 9
210
| abstract
stringlengths 164
1.92k
|
---|---|---|
1,900 | Scaling ResNets in the Large-depth Regime | Deep ResNets are recognized for achieving state-of-the-art results in complex
machine learning tasks. However, the remarkable performance of these
architectures relies on a training procedure that needs to be carefully crafted
to avoid vanishing or exploding gradients, particularly as the depth $L$
increases. No consensus has been reached on how to mitigate this issue,
although a widely discussed strategy consists in scaling the output of each
layer by a factor $\alpha_L$. We show in a probabilistic setting that with
standard i.i.d. initializations, the only non-trivial dynamics is for $\alpha_L
= 1/\sqrt{L}$ (other choices lead either to explosion or to identity mapping).
This scaling factor corresponds in the continuous-time limit to a neural
stochastic differential equation, contrarily to a widespread interpretation
that deep ResNets are discretizations of neural ordinary differential
equations. By contrast, in the latter regime, stability is obtained with
specific correlated initializations and $\alpha_L = 1/L$. Our analysis suggests
a strong interplay between scaling and regularity of the weights as a function
of the layer index. Finally, in a series of experiments, we exhibit a
continuous range of regimes driven by these two parameters, which jointly
impact performance before and after training. |
1,901 | Object Scene Representation Transformer | A compositional understanding of the world in terms of objects and their
geometry in 3D space is considered a cornerstone of human cognition.
Facilitating the learning of such a representation in neural networks holds
promise for substantially improving labeled data efficiency. As a key step in
this direction, we make progress on the problem of learning 3D-consistent
decompositions of complex scenes into individual objects in an unsupervised
fashion. We introduce Object Scene Representation Transformer (OSRT), a
3D-centric model in which individual object representations naturally emerge
through novel view synthesis. OSRT scales to significantly more complex scenes
with larger diversity of objects and backgrounds than existing methods. At the
same time, it is multiple orders of magnitude faster at compositional rendering
thanks to its light field parametrization and the novel Slot Mixer decoder. We
believe this work will not only accelerate future architecture exploration and
scaling efforts, but it will also serve as a useful tool for both
object-centric as well as neural scene representation learning communities. |
1,902 | Manifold Alignment-Based Multi-Fidelity Reduced-Order Modeling Applied to Structural Analysis | This work presents the application of a recently developed parametric,
non-intrusive, and multi-fidelity reduced-order modeling method on
high-dimensional displacement and stress fields arising from the structural
analysis of geometries that differ in the size of discretization and structural
topology.The proposed approach leverages manifold alignment to fuse
inconsistent field outputs from high- and low-fidelity simulations by
individually projecting their solution onto a common subspace. The
effectiveness of the method is demonstrated on two multi-fidelity scenarios
involving the structural analysis of a benchmark wing geometry. Results show
that outputs from structural simulations using incompatible grids, or related
yet different topologies, are easily combined into a single predictive model,
thus eliminating the need for additional pre-processing of the data. The new
multi-fidelity reduced-order model achieves a relatively higher predictive
accuracy at a lower computational cost when compared to a single-fidelity
model. |
1,903 | Grad-GradaGrad? A Non-Monotone Adaptive Stochastic Gradient Method | The classical AdaGrad method adapts the learning rate by dividing by the
square root of a sum of squared gradients. Because this sum on the denominator
is increasing, the method can only decrease step sizes over time, and requires
a learning rate scaling hyper-parameter to be carefully tuned. To overcome this
restriction, we introduce GradaGrad, a method in the same family that naturally
grows or shrinks the learning rate based on a different accumulation in the
denominator, one that can both increase and decrease. We show that it obeys a
similar convergence rate as AdaGrad and demonstrate its non-monotone adaptation
capability with experiments. |
1,904 | Neural interval-censored Cox regression with feature selection | The classical Cox model emerged in 1972 promoting breakthroughs in how
patient prognosis is quantified using time-to-event analysis in biomedicine.
One of the most useful characteristics of the model for practitioners is the
interpretability of the variables in the analysis. However, this comes at the
price of introducing strong assumptions concerning the functional form of the
regression model. To break this gap, this paper aims to exploit the
explainability advantages of the classical Cox model in the setting of
interval-censoring using a new Lasso neural network that simultaneously selects
the most relevant variables while quantifying non-linear relations between
predictors and survival times. The gain of the new method is illustrated
empirically in an extensive simulation study with examples that involve linear
and non-linear ground dependencies. We also demonstrate the performance of our
strategy in the analysis of physiological, clinical and accelerometer data from
the NHANES 2003-2006 waves to predict the effect of physical activity on the
survival of patients. Our method outperforms the prior results in the
literature that use the traditional Cox model. |
1,905 | A Truthful Owner-Assisted Scoring Mechanism | Alice (owner) has knowledge of the underlying quality of her items measured
in grades. Given the noisy grades provided by an independent party, can Bob
(appraiser) obtain accurate estimates of the ground-truth grades of the items
by asking Alice a question about the grades? We address this when the payoff to
Alice is additive convex utility over all her items. We establish that if Alice
has to truthfully answer the question so that her payoff is maximized, the
question must be formulated as pairwise comparisons between her items. Next, we
prove that if Alice is required to provide a ranking of her items, which is the
most fine-grained question via pairwise comparisons, she would be truthful. By
incorporating the ground-truth ranking, we show that Bob can obtain an
estimator with the optimal squared error in certain regimes based on any
possible way of truthful information elicitation. Moreover, the estimated
grades are substantially more accurate than the raw grades when the number of
items is large and the raw grades are very noisy. Finally, we conclude the
paper with several extensions and some refinements for practical
considerations. |
1,906 | Temporal Multimodal Multivariate Learning | We introduce temporal multimodal multivariate learning, a new family of
decision making models that can indirectly learn and transfer online
information from simultaneous observations of a probability distribution with
more than one peak or more than one outcome variable from one time stage to
another. We approximate the posterior by sequentially removing additional
uncertainties across different variables and time, based on data-physics driven
correlation, to address a broader class of challenging time-dependent
decision-making problems under uncertainty. Extensive experiments on real-world
datasets ( i.e., urban traffic data and hurricane ensemble forecasting data)
demonstrate the superior performance of the proposed targeted decision-making
over the state-of-the-art baseline prediction methods across various settings. |
1,907 | On Provably Robust Meta-Bayesian Optimization | Bayesian optimization (BO) has become popular for sequential optimization of
black-box functions. When BO is used to optimize a target function, we often
have access to previous evaluations of potentially related functions. This begs
the question as to whether we can leverage these previous experiences to
accelerate the current BO task through meta-learning (meta-BO), while ensuring
robustness against potentially harmful dissimilar tasks that could sabotage the
convergence of BO. This paper introduces two scalable and provably robust
meta-BO algorithms: robust meta-Gaussian process-upper confidence bound
(RM-GP-UCB) and RM-GP-Thompson sampling (RM-GP-TS). We prove that both
algorithms are asymptotically no-regret even when some or all previous tasks
are dissimilar to the current task, and show that RM-GP-UCB enjoys a better
theoretical robustness than RM-GP-TS. We also exploit the theoretical
guarantees to optimize the weights assigned to individual previous tasks
through regret minimization via online learning, which diminishes the impact of
dissimilar tasks and hence further enhances the robustness. Empirical
evaluations show that (a) RM-GP-UCB performs effectively and consistently
across various applications, and (b) RM-GP-TS, despite being less robust than
RM-GP-UCB both in theory and in practice, performs competitively in some
scenarios with less dissimilar tasks and is more computationally efficient. |
1,908 | How are policy gradient methods affected by the limits of control? | We study stochastic policy gradient methods from the perspective of
control-theoretic limitations. Our main result is that ill-conditioned linear
systems in the sense of Doyle inevitably lead to noisy gradient estimates. We
also give an example of a class of stable systems in which policy gradient
methods suffer from the curse of dimensionality. Our results apply to both
state feedback and partially observed systems. |
1,909 | Evaluating histopathology transfer learning with ChampKit | Histopathology remains the gold standard for diagnosis of various cancers.
Recent advances in computer vision, specifically deep learning, have
facilitated the analysis of histopathology images for various tasks, including
immune cell detection and microsatellite instability classification. The
state-of-the-art for each task often employs base architectures that have been
pretrained for image classification on ImageNet. The standard approach to
develop classifiers in histopathology tends to focus narrowly on optimizing
models for a single task, not considering the aspects of modeling innovations
that improve generalization across tasks. Here we present ChampKit
(Comprehensive Histopathology Assessment of Model Predictions toolKit): an
extensible, fully reproducible benchmarking toolkit that consists of a broad
collection of patch-level image classification tasks across different cancers.
ChampKit enables a way to systematically document the performance impact of
proposed improvements in models and methodology. ChampKit source code and data
are freely accessible at https://github.com/kaczmarj/champkit . |
1,910 | When adversarial attacks become interpretable counterfactual explanations | We argue that, when learning a 1-Lipschitz neural network with the dual loss
of an optimal transportation problem, the gradient of the model is both the
direction of the transportation plan and the direction to the closest
adversarial attack. Traveling along the gradient to the decision boundary is no
more an adversarial attack but becomes a counterfactual explanation, explicitly
transporting from one class to the other. Through extensive experiments on XAI
metrics, we find that the simple saliency map method, applied on such networks,
becomes a reliable explanation, and outperforms the state-of-the-art
explanation approaches on unconstrained models. The proposed networks were
already known to be certifiably robust, and we prove that they are also
explainable with a fast and simple method. |
1,911 | On the Finite-Time Performance of the Knowledge Gradient Algorithm | The knowledge gradient (KG) algorithm is a popular and effective algorithm
for the best arm identification (BAI) problem. Due to the complex calculation
of KG, theoretical analysis of this algorithm is difficult, and existing
results are mostly about the asymptotic performance of it, e.g., consistency,
asymptotic sample allocation, etc. In this research, we present new theoretical
results about the finite-time performance of the KG algorithm. Under
independent and normally distributed rewards, we derive lower bounds and upper
bounds for the probability of error and simple regret of the algorithm. With
these bounds, existing asymptotic results become simple corollaries. We also
show the performance of the algorithm for the multi-armed bandit (MAB) problem.
These developments not only extend the existing analysis of the KG algorithm,
but can also be used to analyze other improvement-based algorithms. Last, we
use numerical experiments to further demonstrate the finite-time behavior of
the KG algorithm. |
1,912 | Robust Reinforcement Learning with Distributional Risk-averse formulation | Robust Reinforcement Learning tries to make predictions more robust to
changes in the dynamics or rewards of the system. This problem is particularly
important when the dynamics and rewards of the environment are estimated from
the data. In this paper, we approximate the Robust Reinforcement Learning
constrained with a $\Phi$-divergence using an approximate Risk-Averse
formulation. We show that the classical Reinforcement Learning formulation can
be robustified using standard deviation penalization of the objective. Two
algorithms based on Distributional Reinforcement Learning, one for discrete and
one for continuous action spaces are proposed and tested in a classical Gym
environment to demonstrate the robustness of the algorithms. |
1,913 | Architectural patterns for handling runtime uncertainty of data-driven models in safety-critical perception | Data-driven models (DDM) based on machine learning and other AI techniques
play an important role in the perception of increasingly autonomous systems.
Due to the merely implicit definition of their behavior mainly based on the
data used for training, DDM outputs are subject to uncertainty. This poses a
challenge with respect to the realization of safety-critical perception tasks
by means of DDMs. A promising approach to tackling this challenge is to
estimate the uncertainty in the current situation during operation and adapt
the system behavior accordingly. In previous work, we focused on runtime
estimation of uncertainty and discussed approaches for handling uncertainty
estimations. In this paper, we present additional architectural patterns for
handling uncertainty. Furthermore, we evaluate the four patterns qualitatively
and quantitatively with respect to safety and performance gains. For the
quantitative evaluation, we consider a distance controller for vehicle
platooning where performance gains are measured by considering how much the
distance can be reduced in different operational situations. We conclude that
the consideration of context information of the driving situation makes it
possible to accept more or less uncertainty depending on the inherent risk of
the situation, which results in performance gains. |
1,914 | Variance Reduction for Policy-Gradient Methods via Empirical Variance Minimization | Policy-gradient methods in Reinforcement Learning(RL) are very universal and
widely applied in practice but their performance suffers from the high variance
of the gradient estimate. Several procedures were proposed to reduce it
including actor-critic(AC) and advantage actor-critic(A2C) methods. Recently
the approaches have got new perspective due to the introduction of Deep RL:
both new control variates(CV) and new sub-sampling procedures became available
in the setting of complex models like neural networks. The vital part of
CV-based methods is the goal functional for the training of the CV, the most
popular one is the least-squares criterion of A2C. Despite its practical
success, the criterion is not the only one possible. In this paper we for the
first time investigate the performance of the one called Empirical
Variance(EV). We observe in the experiments that not only EV-criterion performs
not worse than A2C but sometimes can be considerably better. Apart from that,
we also prove some theoretical guarantees of the actual variance reduction
under very general assumptions and show that A2C least-squares goal functional
is an upper bound for EV goal. Our experiments indicate that in terms of
variance reduction EV-based methods are much better than A2C and allow stronger
variance reduction. |
1,915 | Tailored max-out networks for learning convex PWQ functions | Convex piecewise quadratic (PWQ) functions frequently appear in control and
elsewhere. For instance, it is well-known that the optimal value function (OVF)
as well as Q-functions for linear MPC are convex PWQ functions. Now, in
learning-based control, these functions are often represented with the help of
artificial neural networks (NN). In this context, a recurring question is how
to choose the topology of the NN in terms of depth, width, and activations in
order to enable efficient learning. An elegant answer to that question could be
a topology that, in principle, allows to exactly describe the function to be
learned. Such solutions are already available for related problems. In fact,
suitable topologies are known for piecewise affine (PWA) functions that can,
for example, reflect the optimal control law in linear MPC. Following this
direction, we show in this paper that convex PWQ functions can be exactly
described by max-out-NN with only one hidden layer and two neurons. |
1,916 | Disentangled Federated Learning for Tackling Attributes Skew via Invariant Aggregation and Diversity Transferring | Attributes skew hinders the current federated learning (FL) frameworks from
consistent optimization directions among the clients, which inevitably leads to
performance reduction and unstable convergence. The core problems lie in that:
1) Domain-specific attributes, which are non-causal and only locally valid, are
indeliberately mixed into global aggregation. 2) The one-stage optimizations of
entangled attributes cannot simultaneously satisfy two conflicting objectives,
i.e., generalization and personalization. To cope with these, we proposed
disentangled federated learning (DFL) to disentangle the domain-specific and
cross-invariant attributes into two complementary branches, which are trained
by the proposed alternating local-global optimization independently.
Importantly, convergence analysis proves that the FL system can be stably
converged even if incomplete client models participate in the global
aggregation, which greatly expands the application scope of FL. Extensive
experiments verify that DFL facilitates FL with higher performance, better
interpretability, and faster convergence rate, compared with SOTA FL methods on
both manually synthesized and realistic attributes skew datasets. |
1,917 | Physics-Informed Transfer Learning Strategy to Accelerate Unsteady Fluid Flow Simulations | Since the derivation of the Navier Stokes equations, it has become possible
to numerically solve real world viscous flow problems (computational fluid
dynamics (CFD)). However, despite the rapid advancements in the performance of
central processing units (CPUs), the computational cost of simulating transient
flows with extremely small time/grid scale physics is still unrealistic. In
recent years, machine learning (ML) technology has received significant
attention across industries, and this big wave has propagated various interests
in the fluid dynamics community. Recent ML CFD studies have revealed that
completely suppressing the increase in error with the increase in interval
between the training and prediction times in data driven methods is
unrealistic. The development of a practical CFD acceleration methodology that
applies ML is a remaining issue. Therefore, the objectives of this study were
developing a realistic ML strategy based on a physics-informed transfer
learning and validating the accuracy and acceleration performance of this
strategy using an unsteady CFD dataset. This strategy can determine the timing
of transfer learning while monitoring the residuals of the governing equations
in a cross coupling computation framework. Consequently, our hypothesis that
continuous fluid flow time series prediction is feasible was validated, as the
intermediate CFD simulations periodically not only reduce the increased
residuals but also update the network parameters. Notably, the cross coupling
strategy with a grid based network model does not compromise the simulation
accuracy for computational acceleration. The simulation was accelerated by 1.8
times in the laminar counterflow CFD dataset condition including the parameter
updating time. Open source CFD software OpenFOAM and open-source ML software
TensorFlow were used in this feasibility study. |
1,918 | Learning towards Synchronous Network Memorizability and Generalizability for Continual Segmentation across Multiple Sites | In clinical practice, a segmentation network is often required to continually
learn on a sequential data stream from multiple sites rather than a
consolidated set, due to the storage cost and privacy restriction. However,
during the continual learning process, existing methods are usually restricted
in either network memorizability on previous sites or generalizability on
unseen sites. This paper aims to tackle the challenging problem of Synchronous
Memorizability and Generalizability (SMG) and to simultaneously improve
performance on both previous and unseen sites, with a novel proposed
SMG-learning framework. First, we propose a Synchronous Gradient Alignment
(SGA) objective, which not only promotes the network memorizability by
enforcing coordinated optimization for a small exemplar set from previous sites
(called replay buffer), but also enhances the generalizability by facilitating
site-invariance under simulated domain shift. Second, to simplify the
optimization of SGA objective, we design a Dual-Meta algorithm that
approximates the SGA objective as dual meta-objectives for optimization without
expensive computation overhead. Third, for efficient rehearsal, we configure
the replay buffer comprehensively considering additional inter-site diversity
to reduce redundancy. Experiments on prostate MRI data sequentially acquired
from six institutes demonstrate that our method can simultaneously achieve
higher memorizability and generalizability over state-of-the-art methods. Code
is available at https://github.com/jingyzhang/SMG-Learning. |
1,919 | Adversarial Audio Synthesis with Complex-valued Polynomial Networks | Time-frequency (TF) representations in audio synthesis have been increasingly
modeled with real-valued networks. However, overlooking the complex-valued
nature of TF representations can result in suboptimal performance and require
additional modules (e.g., for modeling the phase). To this end, we introduce
complex-valued polynomial networks, called APOLLO, that integrate such
complex-valued representations in a natural way. Concretely, APOLLO captures
high-order correlations of the input elements using high-order tensors as
scaling parameters. By leveraging standard tensor decompositions, we derive
different architectures and enable modeling richer correlations. We outline
such architectures and showcase their performance in audio generation across
four benchmarks. As a highlight, APOLLO results in $17.5\%$ improvement over
adversarial methods and $8.2\%$ over the state-of-the-art diffusion models on
SC09 dataset in audio generation. Our models can encourage the systematic
design of other efficient architectures on the complex field. |
1,920 | Adversarially Robust Multi-Armed Bandit Algorithm with Variance-Dependent Regret Bounds | This paper considers the multi-armed bandit (MAB) problem and provides a new
best-of-both-worlds (BOBW) algorithm that works nearly optimally in both
stochastic and adversarial settings. In stochastic settings, some existing BOBW
algorithms achieve tight gap-dependent regret bounds of $O(\sum_{i: \Delta_i>0}
\frac{\log T}{\Delta_i})$ for suboptimality gap $\Delta_i$ of arm $i$ and time
horizon $T$. As Audibert et al. [2007] have shown, however, that the
performance can be improved in stochastic environments with low-variance arms.
In fact, they have provided a stochastic MAB algorithm with
gap-variance-dependent regret bounds of $O(\sum_{i: \Delta_i>0}
(\frac{\sigma_i^2}{\Delta_i} + 1) \log T )$ for loss variance $\sigma_i^2$ of
arm $i$. In this paper, we propose the first BOBW algorithm with
gap-variance-dependent bounds, showing that the variance information can be
used even in the possibly adversarial environment. Further, the leading
constant factor in our gap-variance dependent bound is only (almost) twice the
value for the lower bound. Additionally, the proposed algorithm enjoys multiple
data-dependent regret bounds in adversarial settings and works well in
stochastic settings with adversarial corruptions. The proposed algorithm is
based on the follow-the-regularized-leader method and employs adaptive learning
rates that depend on the empirical prediction error of the loss, which leads to
gap-variance-dependent regret bounds reflecting the variance of the arms. |
1,921 | Reconstructing vehicles from orthographic drawings using deep neural networks | This paper explores the current state-of-the-art of object reconstruction
from multiple orthographic drawings using deep neural networks. It proposes two
algorithms to extract multiple views from a single image. The paper proposes a
system based on pixel-aligned implicit functions (PIFu) and develops an
advanced sampling strategy to generate signed distance samples. It also
compares this approach to depth map regression from multiple views.
Additionally, the paper uses a novel dataset for vehicle reconstruction from
the racing game Assetto Corsa, which features higher quality models than the
commonly used ShapeNET dataset. The trained neural network generalizes well to
real-world inputs and creates plausible and detailed reconstructions. |
1,922 | The Dynamics of Riemannian Robbins-Monro Algorithms | Many important learning algorithms, such as stochastic gradient methods, are
often deployed to solve nonlinear problems on Riemannian manifolds. Motivated
by these applications, we propose a family of Riemannian algorithms
generalizing and extending the seminal stochastic approximation framework of
Robbins and Monro. Compared to their Euclidean counterparts, Riemannian
iterative algorithms are much less understood due to the lack of a global
linear structure on the manifold. We overcome this difficulty by introducing an
extended Fermi coordinate frame which allows us to map the asymptotic behavior
of the proposed Riemannian Robbins-Monro (RRM) class of algorithms to that of
an associated deterministic dynamical system under very mild assumptions on the
underlying manifold. In so doing, we provide a general template of almost sure
convergence results that mirrors and extends the existing theory for Euclidean
Robbins-Monro schemes, albeit with a significantly more involved analysis that
requires a number of new geometric ingredients. We showcase the flexibility of
the proposed RRM framework by using it to establish the convergence of a
retraction-based analogue of the popular optimistic / extra-gradient methods
for solving minimization problems and games, and we provide a unified treatment
for their convergence. |
1,923 | Classification of ECG based on Hybrid Features using CNNs for Wearable Applications | Sudden cardiac death and arrhythmia account for a large percentage of all
deaths worldwide. Electrocardiography (ECG) is the most widely used screening
tool for cardiovascular diseases. Traditionally, ECG signals are classified
manually, requiring experience and great skill, while being time-consuming and
prone to error. Thus machine learning algorithms have been widely adopted
because of their ability to perform complex data analysis. Features derived
from the points of interest in ECG - mainly Q, R, and S, are widely used for
arrhythmia detection. In this work, we demonstrate improved performance for ECG
classification using hybrid features and three different models, building on a
1-D convolutional neural network (CNN) model that we had proposed in the past.
An RR interval features based model proposed in this work achieved an accuracy
of 98.98%, which is an improvement over the baseline model. To make the model
immune to noise, we updated the model using frequency features and achieved
good sustained performance in presence of noise with a slightly lower accuracy
of 98.69%. Further, another model combining the frequency features and the RR
interval features was developed, which achieved a high accuracy of 99% with
good sustained performance in noisy environments. Due to its high accuracy and
noise immunity, the proposed model which combines multiple hybrid features, is
well suited for ambulatory wearable sensing applications. |
1,924 | Supervised Dictionary Learning with Auxiliary Covariates | Supervised dictionary learning (SDL) is a classical machine learning method
that simultaneously seeks feature extraction and classification tasks, which
are not necessarily a priori aligned objectives. The goal of SDL is to learn a
class-discriminative dictionary, which is a set of latent feature vectors that
can well-explain both the features as well as labels of observed data. In this
paper, we provide a systematic study of SDL, including the theory, algorithm,
and applications of SDL. First, we provide a novel framework that `lifts' SDL
as a convex problem in a combined factor space and propose a low-rank projected
gradient descent algorithm that converges exponentially to the global minimizer
of the objective. We also formulate generative models of SDL and provide global
estimation guarantees of the true parameters depending on the hyperparameter
regime. Second, viewed as a nonconvex constrained optimization problem, we
provided an efficient block coordinate descent algorithm for SDL that is
guaranteed to find an $\varepsilon$-stationary point of the objective in
$O(\varepsilon^{-1}(\log \varepsilon^{-1})^{2})$ iterations. For the
corresponding generative model, we establish a novel non-asymptotic local
consistency result for constrained and regularized maximum likelihood
estimation problems, which may be of independent interest. Third, we apply SDL
for imbalanced document classification by supervised topic modeling and also
for pneumonia detection from chest X-ray images. We also provide simulation
studies to demonstrate that SDL becomes more effective when there is a
discrepancy between the best reconstructive and the best discriminative
dictionaries. |
1,925 | Atrial Fibrillation Detection Using Weight-Pruned, Log-Quantised Convolutional Neural Networks | Deep neural networks (DNN) are a promising tool in medical applications.
However, the implementation of complex DNNs on battery-powered devices is
challenging due to high energy costs for communication. In this work, a
convolutional neural network model is developed for detecting atrial
fibrillation from electrocardiogram (ECG) signals. The model demonstrates high
performance despite being trained on limited, variable-length input data.
Weight pruning and logarithmic quantisation are combined to introduce sparsity
and reduce model size, which can be exploited for reduced data movement and
lower computational complexity. The final model achieved a 91.1% model
compression ratio while maintaining high model accuracy of 91.7% and less than
1% loss. |
1,926 | Universally Expressive Communication in Multi-Agent Reinforcement Learning | Allowing agents to share information through communication is crucial for
solving complex tasks in multi-agent reinforcement learning. In this work, we
consider the question of whether a given communication protocol can express an
arbitrary policy. By observing that many existing protocols can be viewed as
instances of graph neural networks (GNNs), we demonstrate the equivalence of
joint action selection to node labelling. With standard GNN approaches provably
limited in their expressive capacity, we draw from existing GNN literature and
consider augmenting agent observations with: (1) unique agent IDs and (2)
random noise. We provide a theoretical analysis as to how these approaches
yield universally expressive communication, and also prove them capable of
targeting arbitrary sets of actions for identical agents. Empirically, these
augmentations are found to improve performance on tasks where expressive
communication is required, whilst, in general, the optimal communication
protocol is found to be task-dependent. |
1,927 | RoSGAS: Adaptive Social Bot Detection with Reinforced Self-Supervised GNN Architecture Search | Social bots are referred to as the automated accounts on social networks that
make attempts to behave like human. While Graph Neural Networks (GNNs) has been
massively applied to the field of social bot detection, a huge amount of domain
expertise and prior knowledge is heavily engaged in the state-of-the art
approaches to design a dedicated neural network architecture for a specific
classification task. Involving oversized nodes and network layers in the model
design, however, usually causes the over-smoothing problem and the lack of
embedding discrimination. In this paper, we propose RoSGAS, a novel Reinforced
and Self-supervised GNN Architecture Search framework to adaptively pinpoint
the most suitable multi-hop neighborhood and the number of layers in the GNN
architecture. More specifically, we consider the social bot detection problem
as a user-centric subgraph embedding and classification task. We exploit
heterogeneous information network to present the user connectivity by
leveraging account metadata, relationships, behavioral features and content
features. RoSGAS uses a multi-agent deep reinforcement learning (RL) mechanism
for navigating the search of optimal neighborhood and network layers to learn
individually the subgraph embedding for each target user. A nearest neighbor
mechanism is developed for accelerating the RL training process, and RoSGAS can
learn more discriminative subgraph embedding with the aid of self-supervised
learning. Experiments on 5 Twitter datasets show that RoSGAS outperforms the
state-of-the-art approaches in terms of accuracy, training efficiency and
stability, and has better generalization when handling unseen samples. |
1,928 | Counting Markov Equivalent Directed Acyclic Graphs Consistent with Background Knowledge | A polynomial-time exact algorithm for counting the number of directed acyclic
graphs in a Markov equivalence class was recently given by Wien\"obst, Bannach,
and Li\'skiewicz (AAAI 2021). In this paper, we consider the more general
problem of counting the number of directed acyclic graphs in a Markov
equivalence class when the directions of some of the edges are also fixed (this
setting arises, for example, when interventional data is partially available).
This problem has been shown in earlier work to be complexity-theoretically
hard. In contrast, we show that the problem is nevertheless tractable in an
interesting class of instances, by establishing that it is ``fixed-parameter
tractable''. In particular, our counting algorithm runs in time that is bounded
by a polynomial in the size of the graph, where the degree of the polynomial
does \emph{not} depend upon the number of additional edges provided as input. |
1,929 | Adversarial Vulnerability of Randomized Ensembles | Despite the tremendous success of deep neural networks across various tasks,
their vulnerability to imperceptible adversarial perturbations has hindered
their deployment in the real world. Recently, works on randomized ensembles
have empirically demonstrated significant improvements in adversarial
robustness over standard adversarially trained (AT) models with minimal
computational overhead, making them a promising solution for safety-critical
resource-constrained applications. However, this impressive performance raises
the question: Are these robustness gains provided by randomized ensembles real?
In this work we address this question both theoretically and empirically. We
first establish theoretically that commonly employed robustness evaluation
methods such as adaptive PGD provide a false sense of security in this setting.
Subsequently, we propose a theoretically-sound and efficient adversarial attack
algorithm (ARC) capable of compromising random ensembles even in cases where
adaptive PGD fails to do so. We conduct comprehensive experiments across a
variety of network architectures, training schemes, datasets, and norms to
support our claims, and empirically establish that randomized ensembles are in
fact more vulnerable to $\ell_p$-bounded adversarial perturbations than even
standard AT models. Our code can be found at https://github.com/hsndbk4/ARC. |
1,930 | Automated SSIM Regression for Detection and Quantification of Motion Artefacts in Brain MR Images | Motion artefacts in magnetic resonance brain images are a crucial issue. The
assessment of MR image quality is fundamental before proceeding with the
clinical diagnosis. If the motion artefacts alter a correct delineation of
structure and substructures of the brain, lesions, tumours and so on, the
patients need to be re-scanned. Otherwise, neuro-radiologists could report an
inaccurate or incorrect diagnosis. The first step right after scanning a
patient is the "\textit{image quality assessment}" in order to decide if the
acquired images are diagnostically acceptable. An automated image quality
assessment based on the structural similarity index (SSIM) regression through a
residual neural network has been proposed here, with the possibility to perform
also the classification in different groups - by subdividing with SSIM ranges.
This method predicts SSIM values of an input image in the absence of a
reference ground truth image. The networks were able to detect motion
artefacts, and the best performance for the regression and classification task
has always been achieved with ResNet-18 with contrast augmentation. Mean and
standard deviation of residuals' distribution were $\mu=-0.0009$ and
$\sigma=0.0139$, respectively. Whilst for the classification task in 3, 5 and
10 classes, the best accuracies were 97, 95 and 89\%, respectively. The
obtained results show that the proposed method could be a tool in supporting
neuro-radiologists and radiographers in evaluating the image quality before the
diagnosis. |
1,931 | Near-Exact Recovery for Tomographic Inverse Problems via Deep Learning | This work is concerned with the following fundamental question in scientific
machine learning: Can deep-learning-based methods solve noise-free inverse
problems to near-perfect accuracy? Positive evidence is provided for the first
time, focusing on a prototypical computed tomography (CT) setup. We demonstrate
that an iterative end-to-end network scheme enables reconstructions close to
numerical precision, comparable to classical compressed sensing strategies. Our
results build on our winning submission to the recent AAPM DL-Sparse-View CT
Challenge. Its goal was to identify the state-of-the-art in solving the
sparse-view CT inverse problem with data-driven techniques. A specific
difficulty of the challenge setup was that the precise forward model remained
unknown to the participants. Therefore, a key feature of our approach was to
initially estimate the unknown fanbeam geometry in a data-driven calibration
step. Apart from an in-depth analysis of our methodology, we also demonstrate
its state-of-the-art performance on the open-access real-world dataset LoDoPaB
CT. |
1,932 | Deep Variational Implicit Processes | Implicit processes (IPs) are a generalization of Gaussian processes (GPs).
IPs may lack a closed-form expression but are easy to sample from. Examples
include, among others, Bayesian neural networks or neural samplers. IPs can be
used as priors over functions, resulting in flexible models with
well-calibrated prediction uncertainty estimates. Methods based on IPs usually
carry out function-space approximate inference, which overcomes some of the
difficulties of parameter-space approximate inference. Nevertheless, the
approximations employed often limit the expressiveness of the final model,
resulting, \emph{e.g.}, in a Gaussian predictive distribution, which can be
restrictive. We propose here a multi-layer generalization of IPs called the
Deep Variational Implicit process (DVIP). This generalization is similar to
that of deep GPs over GPs, but it is more flexible due to the use of IPs as the
prior distribution over the latent functions. We describe a scalable
variational inference algorithm for training DVIP and show that it outperforms
previous IP-based methods and also deep GPs. We support these claims via
extensive regression and classification experiments. We also evaluate DVIP on
large datasets with up to several million data instances to illustrate its good
scalability and performance. |
1,933 | Stein Variational Goal Generation For Reinforcement Learning in Hard Exploration Problems | Multi-goal Reinforcement Learning has recently attracted a large amount of
research interest. By allowing experience to be shared between related training
tasks, this setting favors generalization for new tasks at test time, whenever
some smoothness exists in the considered representation space of goals.
However, in settings with discontinuities in state or goal spaces (e.g. walls
in a maze), a majority of goals are difficult to reach, due to the sparsity of
rewards in the absence of expert knowledge. This implies hard exploration, for
which some curriculum of goals must be discovered, to help agents learn by
adapting training tasks to their current capabilities. Building on recent
automatic curriculum learning techniques for goal-conditioned policies, we
propose a novel approach: Stein Variational Goal Generation (SVGG), which seeks
at preferably sampling new goals in the zone of proximal development of the
agent, by leveraging a learned model of its abilities, and a goal distribution
modeled as particles in the exploration space. Our approach relies on Stein
Variational Gradient Descent to dynamically attract the goal sampling
distribution in areas of appropriate difficulty. We demonstrate the
performances of the approach, in terms of success coverage in the goal space,
compared to recent state-of-the-art RL methods for hard exploration problems. |
1,934 | Visual Radial Basis Q-Network | While reinforcement learning (RL) from raw images has been largely
investigated in the last decade, existing approaches still suffer from a number
of constraints. The high input dimension is often handled using either expert
knowledge to extract handcrafted features or environment encoding through
convolutional networks. Both solutions require numerous parameters to be
optimized. In contrast, we propose a generic method to extract sparse features
from raw images with few trainable parameters. We achieved this using a Radial
Basis Function Network (RBFN) directly on raw image. We evaluate the
performance of the proposed approach for visual extraction in Q-learning tasks
in the Vizdoom environment. Then, we compare our results with two Deep
Q-Network, one trained directly on images and another one trained on feature
extracted by a pretrained auto-encoder. We show that the proposed approach
provides similar or, in some cases, even better performances with fewer
trainable parameters while being conceptually simpler. |
1,935 | Conformal Off-Policy Prediction | Off-policy evaluation is critical in a number of applications where new
policies need to be evaluated offline before online deployment. Most existing
methods focus on the expected return, define the target parameter through
averaging and provide a point estimator only. In this paper, we develop a novel
procedure to produce reliable interval estimators for a target policy's return
starting from any initial state. Our proposal accounts for the variability of
the return around its expectation, focuses on the individual effect and offers
valid uncertainty quantification. Our main idea lies in designing a pseudo
policy that generates subsamples as if they were sampled from the target policy
so that existing conformal prediction algorithms are applicable to prediction
interval construction. Our methods are justified by theories, synthetic data
and real data from short-video platforms. |
1,936 | Task Transfer and Domain Adaptation for Zero-Shot Question Answering | Pretrained language models have shown success in various areas of natural
language processing, including reading comprehension tasks. However, when
applying machine learning methods to new domains, labeled data may not always
be available. To address this, we use supervised pretraining on source-domain
data to reduce sample complexity on domain-specific downstream tasks. We
evaluate zero-shot performance on domain-specific reading comprehension tasks
by combining task transfer with domain adaptation to fine-tune a pretrained
model with no labelled data from the target task. Our approach outperforms
Domain-Adaptive Pretraining on downstream domain-specific reading comprehension
tasks in 3 out of 4 domains. |
1,937 | CNN-based Classification Framework for Lung Tissues with Auxiliary Information | Interstitial lung diseases are a large group of heterogeneous diseases
characterized by different degrees of alveolitis and pulmonary fibrosis.
Accurately diagnosing these diseases has significant guiding value for
formulating treatment plans. Although previous work has produced impressive
results in classifying interstitial lung diseases, there is still room for
improving the accuracy of these techniques, mainly to enhance automated
decision-making. In order to improve the classification precision, our study
proposes a convolutional neural networks-based framework with auxiliary
information. Firstly, ILD images are added with their medical information by
re-scaling the original image in Hounsfield Units. Secondly, a modified CNN
model is used to produce a vector of classification probability for each
tissue. Thirdly, location information of the input image, consisting of the
occurrence frequencies of different diseases in the CT scans on certain
locations, is used to calculate a location weight vector. Finally, the Hadamard
product between two vectors is used to produce a decision vector for the
prediction. Compared to the state-of-the-art methods, the results using a
publicly available ILD database show the potential of predicting these using
different auxiliary information. |
1,938 | Generalizing experimental findings: identification beyond adjustments | We aim to generalize the results of a randomized controlled trial (RCT) to a
target population with the help of some observational data. This is a problem
of causal effect identification with multiple data sources. Challenges arise
when the RCT is conducted in a context that differs from the target population.
Earlier research has focused on cases where the estimates from the RCT can be
adjusted by observational data in order to remove the selection bias and other
domain specific differences. We consider examples where the experimental
findings cannot be generalized by an adjustment and show that the
generalization may still be possible by other identification strategies that
can be derived by applying do-calculus. The obtained identifying functionals
for these examples contain trapdoor variables of a new type. The value of a
trapdoor variable needs to be fixed in the estimation and the choice of the
value may have a major effect on the bias and accuracy of estimates, which is
also seen in simulations. The presented results expand the scope of settings
where the generalization of experimental findings is doable |
1,939 | COVIDHunter: COVID-19 pandemic wave prediction and mitigation via seasonality-aware modeling | Early detection and isolation of COVID-19 patients are essential for
successful implementation of mitigation strategies and eventually curbing the
disease spread. With a limited number of daily COVID-19 tests performed in
every country, simulating the COVID-19 spread along with the potential effect
of each mitigation strategy currently remains one of the most effective ways in
managing the healthcare system and guiding policy-makers. We introduce
COVIDHunter, a flexible and accurate COVID-19 outbreak simulation model that
evaluates the current mitigation measures that are applied to a region,
predicts COVID-19 statistics (the daily number of cases, hospitalizations, and
deaths), and provides suggestions on what strength the upcoming mitigation
measure should be. The key idea of COVIDHunter is to quantify the spread of
COVID-19 in a geographical region by simulating the average number of new
infections caused by an infected person considering the effect of external
factors, such as environmental conditions (e.g., climate, temperature,
humidity), different variants of concern, vaccination rate, and mitigation
measures. Using Switzerland as a case study, COVIDHunter estimates that we are
experiencing a deadly new wave that will peak on 26 January 2022, which is very
similar in numbers to the wave we had in February 2020. The policy-makers have
only one choice that is to increase the strength of the currently applied
mitigation measures for 30 days. Unlike existing models, the COVIDHunter model
accurately monitors and predicts the daily number of cases, hospitalizations,
and deaths due to COVID-19. Our model is flexible to configure and simple to
modify for modeling different scenarios under different environmental
conditions and mitigation measures. We release the source code of the
COVIDHunter implementation at https://github.com/CMU-SAFARI/COVIDHunter. |
1,940 | Bandwidth Enables Generalization in Quantum Kernel Models | Quantum computers are known to provide speedups over classical
state-of-the-art machine learning methods in some specialized settings. For
example, quantum kernel methods have been shown to provide an exponential
speedup on a learning version of the discrete logarithm problem. Understanding
the generalization of quantum models is essential to realizing similar speedups
on problems of practical interest. Recent results demonstrate that
generalization is hindered by the exponential size of the quantum feature
space. Although these results suggest that quantum models cannot generalize
when the number of qubits is large, in this paper we show that these results
rely on overly restrictive assumptions. We consider a wider class of models by
varying a hyperparameter that we call quantum kernel bandwidth. We analyze the
large-qubit limit and provide explicit formulas for the generalization of a
quantum model that can be solved in closed form. Specifically, we show that
changing the value of the bandwidth can take a model from provably not being
able to generalize to any target function to good generalization for
well-aligned targets. Our analysis shows how the bandwidth controls the
spectrum of the kernel integral operator and thereby the inductive bias of the
model. We demonstrate empirically that our theory correctly predicts how
varying the bandwidth affects generalization of quantum models on challenging
datasets, including those far outside our theoretical assumptions. We discuss
the implications of our results for quantum advantage in machine learning. |
1,941 | Causal Discovery for Fairness | It is crucial to consider the social and ethical consequences of AI and ML
based decisions for the safe and acceptable use of these emerging technologies.
Fairness, in particular, guarantees that the ML decisions do not result in
discrimination against individuals or minorities. Identifying and measuring
reliably fairness/discrimination is better achieved using causality which
considers the causal relation, beyond mere association, between the sensitive
attribute (e.g. gender, race, religion, etc.) and the decision (e.g. job
hiring, loan granting, etc.). The big impediment to the use of causality to
address fairness, however, is the unavailability of the causal model (typically
represented as a causal graph). Existing causal approaches to fairness in the
literature do not address this problem and assume that the causal model is
available. In this paper, we do not make such assumption and we review the
major algorithms to discover causal relations from observable data. This study
focuses on causal discovery and its impact on fairness. In particular, we show
how different causal discovery approaches may result in different causal models
and, most importantly, how even slight differences between causal models can
have significant impact on fairness/discrimination conclusions. These results
are consolidated by empirical analysis using synthetic and standard fairness
benchmark datasets. The main goal of this study is to highlight the importance
of the causal discovery step to appropriately address fairness using causality. |
1,942 | Exploring speaker enrolment for few-shot personalisation in emotional vocalisation prediction | In this work, we explore a novel few-shot personalisation architecture for
emotional vocalisation prediction. The core contribution is an `enrolment'
encoder which utilises two unlabelled samples of the target speaker to adjust
the output of the emotion encoder; the adjustment is based on dot-product
attention, thus effectively functioning as a form of `soft' feature selection.
The emotion and enrolment encoders are based on two standard audio
architectures: CNN14 and CNN10. The two encoders are further guided to forget
or learn auxiliary emotion and/or speaker information. Our best approach
achieves a CCC of $.650$ on the ExVo Few-Shot dev set, a $2.5\%$ increase over
our baseline CNN14 CCC of $.634$. |
1,943 | Matching Pursuit Based Scheduling for Over-the-Air Federated Learning | This paper develops a class of low-complexity device scheduling algorithms
for over-the-air federated learning via the method of matching pursuit. The
proposed scheme tracks closely the close-to-optimal performance achieved by
difference-of-convex programming, and outperforms significantly the well-known
benchmark algorithms based on convex relaxation. Compared to the
state-of-the-art, the proposed scheme poses a drastically lower computational
load on the system: For $K$ devices and $N$ antennas at the parameter server,
the benchmark complexity scales with $\left(N^2+K\right)^3 + N^6$ while the
complexity of the proposed scheme scales with $K^p N^q$ for some $0 < p,q \leq
2$. The efficiency of the proposed scheme is confirmed via numerical
experiments on the CIFAR-10 dataset. |
1,944 | Severe Damage Recovery in Evolving Soft Robots through Differentiable Programming | Biological systems are very robust to morphological damage, but artificial
systems (robots) are currently not. In this paper we present a system based on
neural cellular automata, in which locomoting robots are evolved and then given
the ability to regenerate their morphology from damage through gradient-based
training. Our approach thus combines the benefits of evolution to discover a
wide range of different robot morphologies, with the efficiency of supervised
training for robustness through differentiable update rules. The resulting
neural cellular automata are able to grow virtual robots capable of regaining
more than 80\% of their functionality, even after severe types of morphological
damage. |
1,945 | Energy Flows: Towards Determinant-Free Training of Normalizing Flows | Normalizing flows are a popular approach for constructing probabilistic and
generative models. However, maximum likelihood training of flows is challenging
due to the need to calculate computationally expensive determinants of
Jacobians. This paper takes steps towards addressing this challenge by
introducing an approach for determinant-free training of flows inspired by
two-sample testing. Central to our framework is the energy objective, a
multidimensional extension of proper scoring rules that admits efficient
estimators based on random projections and that outperforms a range of
alternative two-sample objectives that can be derived in our framework.
Crucially, the energy objective and its alternatives do not require calculating
determinants and therefore support general flow architectures that are not
well-suited to maximum likelihood training (e.g., densely connected networks).
We empirically demonstrate that energy flows achieve competitive generative
modeling performance while maintaining fast generation and posterior inference. |
1,946 | Learning Best Combination for Efficient N:M Sparsity | By forcing at most N out of M consecutive weights to be non-zero, the recent
N:M network sparsity has received increasing attention for its two attractive
advantages: 1) Promising performance at a high sparsity. 2) Significant
speedups on NVIDIA A100 GPUs. Recent studies require an expensive pre-training
phase or a heavy dense-gradient computation. In this paper, we show that the
N:M learning can be naturally characterized as a combinatorial problem which
searches for the best combination candidate within a finite collection.
Motivated by this characteristic, we solve N:M sparsity in an efficient
divide-and-conquer manner. First, we divide the weight vector into
$C_{\text{M}}^{\text{N}}$ combination subsets of a fixed size N. Then, we
conquer the combinatorial problem by assigning each combination a learnable
score that is jointly optimized with its associate weights. We prove that the
introduced scoring mechanism can well model the relative importance between
combination subsets. And by gradually removing low-scored subsets, N:M
fine-grained sparsity can be efficiently optimized during the normal training
phase. Comprehensive experiments demonstrate that our learning best combination
(LBC) performs consistently better than off-the-shelf N:M sparsity methods
across various networks. Our code is released at
\url{https://github.com/zyxxmu/LBC}. |
1,947 | SoTeacher: A Student-oriented Teacher Network Training Framework for Knowledge Distillation | How to train an ideal teacher for knowledge distillation is still an open
problem. It has been widely observed that a teacher minimizing the empirical
risk not necessarily yields the best performing student, suggesting a
fundamental discrepancy between the common practice in teacher network training
and the distillation objective. To fill this gap, we propose a novel
student-oriented teacher network training framework SoTeacher, inspired by
recent findings that student performance hinges on teacher's capability to
approximate the true label distribution of training samples. We theoretically
established that (1) the empirical risk minimizer with proper scoring rules as
loss function can provably approximate the true label distribution of training
data if the hypothesis function is locally Lipschitz continuous around training
samples; and (2) when data augmentation is employed for training, an additional
constraint is required that the minimizer has to produce consistent predictions
across augmented views of the same training input. In light of our theory,
SoTeacher renovates the empirical risk minimization by incorporating Lipschitz
regularization and consistency regularization. It is worth mentioning that
SoTeacher is applicable to almost all teacher-student architecture pairs,
requires no prior knowledge of the student upon teacher's training, and induces
almost no computation overhead. Experiments on two benchmark datasets confirm
that SoTeacher can improve student performance significantly and consistently
across various knowledge distillation algorithms and teacher-student pairs. |
1,948 | The Open Kidney Ultrasound Data Set | Ultrasound use is because of its low cost, non-ionizing, and non-invasive
characteristics, and has established itself as a cornerstone radiological
examination. Research on ultrasound applications has also expanded, especially
with image analysis with machine learning. However, ultrasound data are
frequently restricted to closed data sets, with only a few openly available.
Despite being a frequently examined organ, the kidney lacks a publicly
available ultrasonography data set. The proposed Open Kidney Ultrasound Data
Set is the first publicly available set of kidney B-mode ultrasound data that
includes annotations for multi-class semantic segmentation. It is based on data
retrospectively collected in a 5-year period from over 500 patients with a mean
age of 53.2 +/- 14.7 years, body mass index of 27.0 +/- 5.4 kg/m2, and most
common primary diseases being diabetes mellitus, IgA nephropathy, and
hypertension. There are labels for the view and fine-grained manual annotations
from two expert sonographers. Notably, this data includes native and
transplanted kidneys. Initial benchmarking measurements are performed,
demonstrating a state-of-the-art algorithm achieving a Dice Sorenson
Coefficient of 0.74 for the kidney capsule. This data set is a high-quality
data set, including two sets of expert annotations, with a larger breadth of
images than previously available. In increasing access to kidney ultrasound
data, future researchers may be able to create novel image analysis techniques
for tissue characterization, disease detection, and prognostication. |
1,949 | The Kidneys Are Not All Normal: Investigating the Speckle Distributions of Transplanted Kidneys | Modelling ultrasound speckle has generated considerable interest for its
ability to characterize tissue properties. As speckle is dependent on the
underlying tissue architecture, modelling it may aid in tasks like segmentation
or disease detection. However, for the transplanted kidney where ultrasound is
commonly used to investigate dysfunction, it is currently unknown which
statistical distribution best characterises such speckle. This is especially
true for the regions of the transplanted kidney: the cortex, the medulla and
the central echogenic complex. Furthermore, it is unclear how these
distributions vary by patient variables such as age, sex, body mass index,
primary disease, or donor type. These traits may influence speckle modelling
given their influence on kidney anatomy. We are the first to investigate these
two aims. N=821 kidney transplant recipient B-mode images were automatically
segmented into the cortex, medulla, and central echogenic complex using a
neural network. Seven distinct probability distributions were fitted to each
region. The Rayleigh and Nakagami distributions had model parameters that
differed significantly between the three regions (p <= 0.05). While both had
excellent goodness of fit, the Nakagami had higher Kullbeck-Leibler divergence.
Recipient age correlated weakly with scale in the cortex (Omega: rho = 0.11, p
= 0.004), while body mass index correlated weakly with shape in the medulla (m:
rho = 0.08, p = 0.04). Neither sex, primary disease, nor donor type
demonstrated any correlation. We propose the Nakagami distribution be used to
characterize transplanted kidneys regionally independent of disease etiology
and most patient characteristics based on our findings. |
1,950 | SpecNet2: Orthogonalization-free spectral embedding by neural networks | Spectral methods which represent data points by eigenvectors of kernel
matrices or graph Laplacian matrices have been a primary tool in unsupervised
data analysis. In many application scenarios, parametrizing the spectral
embedding by a neural network that can be trained over batches of data samples
gives a promising way to achieve automatic out-of-sample extension as well as
computational scalability. Such an approach was taken in the original paper of
SpectralNet (Shaham et al. 2018), which we call SpecNet1. The current paper
introduces a new neural network approach, named SpecNet2, to compute spectral
embedding which optimizes an equivalent objective of the eigen-problem and
removes the orthogonalization layer in SpecNet1. SpecNet2 also allows
separating the sampling of rows and columns of the graph affinity matrix by
tracking the neighbors of each data point through the gradient formula.
Theoretically, we show that any local minimizer of the new
orthogonalization-free objective reveals the leading eigenvectors. Furthermore,
global convergence for this new orthogonalization-free objective using a
batch-based gradient descent method is proved. Numerical experiments
demonstrate the improved performance and computational efficiency of SpecNet2
on simulated data and image datasets. |
1,951 | Confidence Score for Source-Free Unsupervised Domain Adaptation | Source-free unsupervised domain adaptation (SFUDA) aims to obtain high
performance in the unlabeled target domain using the pre-trained source model,
not the source data. Existing SFUDA methods assign the same importance to all
target samples, which is vulnerable to incorrect pseudo-labels. To
differentiate between sample importance, in this study, we propose a novel
sample-wise confidence score, the Joint Model-Data Structure (JMDS) score for
SFUDA. Unlike existing confidence scores that use only one of the source or
target domain knowledge, the JMDS score uses both knowledge. We then propose a
Confidence score Weighting Adaptation using the JMDS (CoWA-JMDS) framework for
SFUDA. CoWA-JMDS consists of the JMDS scores as sample weights and weight Mixup
that is our proposed variant of Mixup. Weight Mixup promotes the model make
more use of the target domain knowledge. The experimental results show that the
JMDS score outperforms the existing confidence scores. Moreover, CoWA-JMDS
achieves state-of-the-art performance on various SFUDA scenarios: closed, open,
and partial-set scenarios. |
1,952 | Explainable AI for High Energy Physics | Neural Networks are ubiquitous in high energy physics research. However,
these highly nonlinear parameterized functions are treated as \textit{black
boxes}- whose inner workings to convey information and build the desired
input-output relationship are often intractable. Explainable AI (xAI) methods
can be useful in determining a neural model's relationship with data toward
making it \textit{interpretable} by establishing a quantitative and tractable
relationship between the input and the model's output. In this letter of
interest, we explore the potential of using xAI methods in the context of
problems in high energy physics. |
1,953 | Transformers are Meta-Reinforcement Learners | The transformer architecture and variants presented remarkable success across
many machine learning tasks in recent years. This success is intrinsically
related to the capability of handling long sequences and the presence of
context-dependent weights from the attention mechanism. We argue that these
capabilities suit the central role of a Meta-Reinforcement Learning algorithm.
Indeed, a meta-RL agent needs to infer the task from a sequence of
trajectories. Furthermore, it requires a fast adaptation strategy to adapt its
policy for a new task -- which can be achieved using the self-attention
mechanism. In this work, we present TrMRL (Transformers for Meta-Reinforcement
Learning), a meta-RL agent that mimics the memory reinstatement mechanism using
the transformer architecture. It associates the recent past of working memories
to build an episodic memory recursively through the transformer layers. We show
that the self-attention computes a consensus representation that minimizes the
Bayes Risk at each layer and provides meaningful features to compute the best
actions. We conducted experiments in high-dimensional continuous control
environments for locomotion and dexterous manipulation. Results show that TrMRL
presents comparable or superior asymptotic performance, sample efficiency, and
out-of-distribution generalization compared to the baselines in these
environments. |
1,954 | Astock: A New Dataset and Automated Stock Trading based on Stock-specific News Analyzing Model | Natural Language Processing(NLP) demonstrates a great potential to support
financial decision-making by analyzing the text from social media or news
outlets. In this work, we build a platform to study the NLP-aided stock
auto-trading algorithms systematically. In contrast to the previous work, our
platform is characterized by three features: (1) We provide financial news for
each specific stock. (2) We provide various stock factors for each stock. (3)
We evaluate performance from more financial-relevant metrics. Such a design
allows us to develop and evaluate NLP-aided stock auto-trading algorithms in a
more realistic setting. In addition to designing an evaluation platform and
dataset collection, we also made a technical contribution by proposing a system
to automatically learn a good feature representation from various input
information. The key to our algorithm is a method called semantic role labeling
Pooling (SRLP), which leverages Semantic Role Labeling (SRL) to create a
compact representation of each news paragraph. Based on SRLP, we further
incorporate other stock factors to make the final prediction. In addition, we
propose a self-supervised learning strategy based on SRLP to enhance the
out-of-distribution generalization performance of our system. Through our
experimental study, we show that the proposed method achieves better
performance and outperforms all the baselines' annualized rate of return as
well as the maximum drawdown of the CSI300 index and XIN9 index on real
trading. Our Astock dataset and code are available at
https://github.com/JinanZou/Astock. |
1,955 | Deep Isolation Forest for Anomaly Detection | Isolation forest (iForest) has been emerging as arguably the most popular
anomaly detector in recent years. It iteratively performs axis-parallel data
space partition in a tree structure to isolate deviated data objects from the
other data, with the isolation difficulty of the objects defined as anomaly
scores. iForest shows effective performance across popular dataset benchmarks,
but its axis-parallel-based linear data partition is ineffective in handling
hard anomalies in high-dimensional/non-linear-separable data space, and even
worse, it leads to a notorious algorithmic bias that assigns unexpectedly large
anomaly scores to artefact regions. There have been several extensions of
iForest, but they still focus on linear data partition, failing to effectively
isolate those hard anomalies. This paper introduces a novel extension of
iForest, deep isolation forest. Our method offers a comprehensive isolation
method that can arbitrarily partition the data at any random direction and
angle on subspaces of any size, effectively avoiding the algorithmic bias in
the linear partition. Further, it requires only randomly initialised neural
networks (i.e., no optimisation is required in our method) to ensure the
freedom of the partition. In doing so, desired randomness and diversity in both
random network-based representations and random partition-based isolation can
be fully leveraged to significantly enhance the isolation ensemble-based
anomaly detection. Also, our approach offers a data-type-agnostic anomaly
detection solution. It is versatile to detect anomalies in different types of
data by simply plugging in corresponding randomly initialised neural networks
in the feature mapping. Extensive empirical results on a large collection of
real-world datasets show that our model achieves substantial improvement over
state-of-the-art isolation-based and non-isolation-based anomaly detection
models. |
1,956 | CorticalFlow$^{++}$: Boosting Cortical Surface Reconstruction Accuracy, Regularity, and Interoperability | The problem of Cortical Surface Reconstruction from magnetic resonance
imaging has been traditionally addressed using lengthy pipelines of image
processing techniques like FreeSurfer, CAT, or CIVET. These frameworks require
very long runtimes deemed unfeasible for real-time applications and unpractical
for large-scale studies. Recently, supervised deep learning approaches have
been introduced to speed up this task cutting down the reconstruction time from
hours to seconds. Using the state-of-the-art CorticalFlow model as a blueprint,
this paper proposes three modifications to improve its accuracy and
interoperability with existing surface analysis tools, while not sacrificing
its fast inference time and low GPU memory consumption. First, we employ a more
accurate ODE solver to reduce the diffeomorphic mapping approximation error.
Second, we devise a routine to produce smoother template meshes avoiding mesh
artifacts caused by sharp edges in CorticalFlow's convex-hull based template.
Last, we recast pial surface prediction as the deformation of the predicted
white surface leading to a one-to-one mapping between white and pial surface
vertices. This mapping is essential to many existing surface analysis tools for
cortical morphometry. We name the resulting method CorticalFlow$^{++}$. Using
large-scale datasets, we demonstrate the proposed changes provide more
geometric accuracy and surface regularity while keeping the reconstruction time
and GPU memory requirements almost unchanged. |
1,957 | Permutation Search of Tensor Network Structures via Local Sampling | Recent works put much effort into tensor network structure search (TN-SS),
aiming to select suitable tensor network (TN) structures, involving the
TN-ranks, formats, and so on, for the decomposition or learning tasks. In this
paper, we consider a practical variant of TN-SS, dubbed TN permutation search
(TN-PS), in which we search for good mappings from tensor modes onto TN
vertices (core tensors) for compact TN representations. We conduct a
theoretical investigation of TN-PS and propose a practically-efficient
algorithm to resolve the problem. Theoretically, we prove the counting and
metric properties of search spaces of TN-PS, analyzing for the first time the
impact of TN structures on these unique properties. Numerically, we propose a
novel meta-heuristic algorithm, in which the searching is done by randomly
sampling in a neighborhood established in our theory, and then recurrently
updating the neighborhood until convergence. Numerical results demonstrate that
the new algorithm can reduce the required model size of TNs in extensive
benchmarks, implying the improvement in the expressive power of TNs.
Furthermore, the computational cost for the new algorithm is significantly less
than that in~\cite{li2020evolutionary}. |
1,958 | On Finite-Sample Identifiability of Contrastive Learning-Based Nonlinear Independent Component Analysis | Nonlinear independent component analysis (nICA) aims at recovering
statistically independent latent components that are mixed by unknown nonlinear
functions. Central to nICA is the identifiability of the latent components,
which had been elusive until very recently. Specifically, Hyv\"arinen et al.
have shown that the nonlinearly mixed latent components are identifiable (up to
often inconsequential ambiguities) under a generalized contrastive learning
(GCL) formulation, given that the latent components are independent conditioned
on a certain auxiliary variable. The GCL-based identifiability of nICA is
elegant, and establishes interesting connections between nICA and popular
unsupervised/self-supervised learning paradigms in representation learning,
causal learning, and factor disentanglement. However, existing identifiability
analyses of nICA all build upon an unlimited sample assumption and the use of
ideal universal function learners -- which creates a non-negligible gap between
theory and practice.
Closing the gap is a nontrivial challenge, as there is a lack of established
``textbook'' routine for finite sample analysis of such unsupervised problems.
This work puts forth a finite-sample identifiability analysis of GCL-based
nICA. Our analytical framework judiciously combines the properties of the GCL
loss function, statistical generalization analysis, and numerical
differentiation. Our framework also takes the learning function's approximation
error into consideration, and reveals an intuitive trade-off between the
complexity and expressiveness of the employed function learner. Numerical
experiments are used to validate the theorems. |
1,959 | Downlink Power Allocation in Massive MIMO via Deep Learning: Adversarial Attacks and Training | The successful emergence of deep learning (DL) in wireless system
applications has raised concerns about new security-related challenges. One
such security challenge is adversarial attacks. Although there has been much
work demonstrating the susceptibility of DL-based classification tasks to
adversarial attacks, regression-based problems in the context of a wireless
system have not been studied so far from an attack perspective. The aim of this
paper is twofold: (i) we consider a regression problem in a wireless setting
and show that adversarial attacks can break the DL-based approach and (ii) we
analyze the effectiveness of adversarial training as a defensive technique in
adversarial settings and show that the robustness of DL-based wireless system
against attacks improves significantly. Specifically, the wireless application
considered in this paper is the DL-based power allocation in the downlink of a
multicell massive multi-input-multi-output system, where the goal of the attack
is to yield an infeasible solution by the DL model. We extend the
gradient-based adversarial attacks: fast gradient sign method (FGSM), momentum
iterative FGSM, and projected gradient descent method to analyze the
susceptibility of the considered wireless application with and without
adversarial training. We analyze the deep neural network (DNN) models
performance against these attacks, where the adversarial perturbations are
crafted using both the white-box and black-box attacks. |
1,960 | Shopping Queries Dataset: A Large-Scale ESCI Benchmark for Improving Product Search | Improving the quality of search results can significantly enhance users
experience and engagement with search engines. In spite of several recent
advancements in the fields of machine learning and data mining, correctly
classifying items for a particular user search query has been a long-standing
challenge, which still has a large room for improvement. This paper introduces
the "Shopping Queries Dataset", a large dataset of difficult Amazon search
queries and results, publicly released with the aim of fostering research in
improving the quality of search results. The dataset contains around 130
thousand unique queries and 2.6 million manually labeled (query,product)
relevance judgements. The dataset is multilingual with queries in English,
Japanese, and Spanish. The Shopping Queries Dataset is being used in one of the
KDDCup'22 challenges. In this paper, we describe the dataset and present three
evaluation tasks along with baseline results: (i) ranking the results list,
(ii) classifying product results into relevance categories, and (iii)
identifying substitute products for a given query. We anticipate that this data
will become the gold standard for future research in the topic of product
search. |
1,961 | Learning Enhanced Representations for Tabular Data via Neighborhood Propagation | Prediction over tabular data is an essential and fundamental problem in many
important downstream tasks. However, existing methods either take a data
instance of the table independently as input or do not fully utilize the
multi-rows features and labels to directly change and enhance the target data
representations. In this paper, we propose to 1) construct a hypergraph from
relevant data instance retrieval to model the cross-row and cross-column
patterns of those instances, and 2) perform message Propagation to Enhance the
target data instance representation for Tabular prediction tasks. Specifically,
our specially-designed message propagation step benefits from 1) fusion of
label and features during propagation, and 2) locality-aware high-order feature
interactions. Experiments on two important tabular data prediction tasks
validate the superiority of the proposed PET model against other baselines.
Additionally, we demonstrate the effectiveness of the model components and the
feature enhancement ability of PET via various ablation studies and
visualizations. The code is included in https://github.com/KounianhuaDu/PET. |
1,962 | Probabilistic Conformal Prediction Using Conditional Random Samples | This paper proposes probabilistic conformal prediction (PCP), a predictive
inference algorithm that estimates a target variable by a discontinuous
predictive set. Given inputs, PCP construct the predictive set based on random
samples from an estimated generative model. It is efficient and compatible with
either explicit or implicit conditional generative models. Theoretically, we
show that PCP guarantees correct marginal coverage with finite samples.
Empirically, we study PCP on a variety of simulated and real datasets. Compared
to existing methods for conformal inference, PCP provides sharper predictive
sets. |
1,963 | Physics Informed Neural Fields for Smoke Reconstruction with Sparse Data | High-fidelity reconstruction of fluids from sparse multiview RGB videos
remains a formidable challenge due to the complexity of the underlying physics
as well as complex occlusion and lighting in captures. Existing solutions
either assume knowledge of obstacles and lighting, or only focus on simple
fluid scenes without obstacles or complex lighting, and thus are unsuitable for
real-world scenes with unknown lighting or arbitrary obstacles. We present the
first method to reconstruct dynamic fluid by leveraging the governing physics
(ie, Navier -Stokes equations) in an end-to-end optimization from sparse videos
without taking lighting conditions, geometry information, or boundary
conditions as input. We provide a continuous spatio-temporal scene
representation using neural networks as the ansatz of density and velocity
solution functions for fluids as well as the radiance field for static objects.
With a hybrid architecture that separates static and dynamic contents, fluid
interactions with static obstacles are reconstructed for the first time without
additional geometry input or human labeling. By augmenting time-varying neural
radiance fields with physics-informed deep learning, our method benefits from
the supervision of images and physical priors. To achieve robust optimization
from sparse views, we introduced a layer-by-layer growing strategy to
progressively increase the network capacity. Using progressively growing models
with a new regularization term, we manage to disentangle density-color
ambiguity in radiance fields without overfitting. A pretrained
density-to-velocity fluid model is leveraged in addition as the data prior to
avoid suboptimal velocity which underestimates vorticity but trivially fulfills
physical equations. Our method exhibits high-quality results with relaxed
constraints and strong flexibility on a representative set of synthetic and
real flow captures. |
1,964 | LIFT: Language-Interfaced Fine-Tuning for Non-Language Machine Learning Tasks | Fine-tuning pretrained language models (LMs) without making any architectural
changes has become a norm for learning various language downstream tasks.
However, for non-language downstream tasks, a common practice is to employ
task-specific designs for input, output layers, and loss functions. For
instance, it is possible to fine-tune an LM into an MNIST classifier by
replacing the word embedding layer with an image patch embedding layer, the
word token output layer with a 10-way output layer, and the word prediction
loss with a 10-way classification loss, respectively. A natural question
arises: can LM fine-tuning solve non-language downstream tasks without changing
the model architecture or loss function? To answer this, we propose
Language-Interfaced Fine-Tuning (LIFT) and study its efficacy and limitations
by conducting an extensive empirical study on a suite of non-language
classification and regression tasks. LIFT does not make any changes to the
model architecture or loss function, and it solely relies on the natural
language interface, enabling "no-code machine learning with LMs." We find that
LIFT performs relatively well across a wide range of low-dimensional
classification and regression tasks, matching the performances of the best
baselines in many cases, especially for the classification tasks. We report the
experimental results on the fundamental properties of LIFT, including its
inductive bias, sample efficiency, ability to extrapolate, robustness to
outliers and label noise, and generalization. We also analyze a few
properties/techniques specific to LIFT, e.g., context-aware learning via
appropriate prompting, quantification of predictive uncertainty, and two-stage
fine-tuning. Our code is available at
https://github.com/UW-Madison-Lee-Lab/LanguageInterfacedFineTuning. |
1,965 | Label-enhanced Prototypical Network with Contrastive Learning for Multi-label Few-shot Aspect Category Detection | Multi-label aspect category detection allows a given review sentence to
contain multiple aspect categories, which is shown to be more practical in
sentiment analysis and attracting increasing attention. As annotating large
amounts of data is time-consuming and labor-intensive, data scarcity occurs
frequently in real-world scenarios, which motivates multi-label few-shot aspect
category detection. However, research on this problem is still in infancy and
few methods are available. In this paper, we propose a novel label-enhanced
prototypical network (LPN) for multi-label few-shot aspect category detection.
The highlights of LPN can be summarized as follows. First, it leverages label
description as auxiliary knowledge to learn more discriminative prototypes,
which can retain aspect-relevant information while eliminating the harmful
effect caused by irrelevant aspects. Second, it integrates with contrastive
learning, which encourages that the sentences with the same aspect label are
pulled together in embedding space while simultaneously pushing apart the
sentences with different aspect labels. In addition, it introduces an adaptive
multi-label inference module to predict the aspect count in the sentence, which
is simple yet effective. Extensive experimental results on three datasets
demonstrate that our proposed model LPN can consistently achieve
state-of-the-art performance. |
1,966 | Zeroth-Order Topological Insights into Iterative Magnitude Pruning | Modern-day neural networks are famously large, yet also highly redundant and
compressible; there exist numerous pruning strategies in the deep learning
literature that yield over 90% sparser sub-networks of fully-trained, dense
architectures while still maintaining their original accuracies. Amongst these
many methods though -- thanks to its conceptual simplicity, ease of
implementation, and efficacy -- Iterative Magnitude Pruning (IMP) dominates in
practice and is the de facto baseline to beat in the pruning community.
However, theoretical explanations as to why a simplistic method such as IMP
works at all are few and limited. In this work, we leverage the notion of
persistent homology to gain insights into the workings of IMP and show that it
inherently encourages retention of those weights which preserve topological
information in a trained network. Subsequently, we also provide bounds on how
much different networks can be pruned while perfectly preserving their zeroth
order topological features, and present a modified version of IMP to do the
same. |
1,967 | FreeKD: Free-direction Knowledge Distillation for Graph Neural Networks | Knowledge distillation (KD) has demonstrated its effectiveness to boost the
performance of graph neural networks (GNNs), where its goal is to distill
knowledge from a deeper teacher GNN into a shallower student GNN. However, it
is actually difficult to train a satisfactory teacher GNN due to the well-known
over-parametrized and over-smoothing issues, leading to invalid knowledge
transfer in practical applications. In this paper, we propose the first
Free-direction Knowledge Distillation framework via Reinforcement learning for
GNNs, called FreeKD, which is no longer required to provide a deeper
well-optimized teacher GNN. The core idea of our work is to collaboratively
build two shallower GNNs in an effort to exchange knowledge between them via
reinforcement learning in a hierarchical way. As we observe that one typical
GNN model often has better and worse performances at different nodes during
training, we devise a dynamic and free-direction knowledge transfer strategy
that consists of two levels of actions: 1) node-level action determines the
directions of knowledge transfer between the corresponding nodes of two
networks; and then 2) structure-level action determines which of the local
structures generated by the node-level actions to be propagated. In essence,
our FreeKD is a general and principled framework which can be naturally
compatible with GNNs of different architectures. Extensive experiments on five
benchmark datasets demonstrate our FreeKD outperforms two base GNNs in a large
margin, and shows its efficacy to various GNNs. More surprisingly, our FreeKD
has comparable or even better performance than traditional KD algorithms that
distill knowledge from a deeper and stronger teacher GNN. |
1,968 | Resolution Limits of Non-Adaptive 20 Questions Search for a Moving Target | Using the 20 questions estimation framework with query-dependent noise, we
study non-adaptive search strategies for a moving target over the unit cube
with unknown initial location and velocities under a piecewise constant
velocity model. In this search problem, there is an oracle who knows the
instantaneous location of the target at any time. Our task is to query the
oracle as few times as possible to accurately estimate the location of the
target at any specified time. We first study the case where the oracle's answer
to each query is corrupted by discrete noise and then generalize our results to
the case of additive white Gaussian noise. In our formulation, the performance
criterion is the resolution, which is defined as the maximal $L_\infty$
distance between the true locations and estimated locations. We characterize
the minimal resolution of an optimal non-adaptive query procedure with a finite
number of queries by deriving non-asymptotic and asymptotic bounds. Our bounds
are tight in the first-order asymptotic sense when the number of queries
satisfies a certain condition and our bounds are tight in the stronger
second-order asymptotic sense when the target moves with a constant velocity.
To prove our results, we relate the current problem to channel coding, borrow
ideas from finite blocklength information theory and construct bounds on the
number of possible quantized target trajectories. |
1,969 | Safe Output Feedback Motion Planning from Images via Learned Perception Modules and Contraction Theory | We present a motion planning algorithm for a class of uncertain
control-affine nonlinear systems which guarantees runtime safety and goal
reachability when using high-dimensional sensor measurements (e.g., RGB-D
images) and a learned perception module in the feedback control loop. First,
given a dataset of states and observations, we train a perception system that
seeks to invert a subset of the state from an observation, and estimate an
upper bound on the perception error which is valid with high probability in a
trusted domain near the data. Next, we use contraction theory to design a
stabilizing state feedback controller and a convergent dynamic state observer
which uses the learned perception system to update its state estimate. We
derive a bound on the trajectory tracking error when this controller is
subjected to errors in the dynamics and incorrect state estimates. Finally, we
integrate this bound into a sampling-based motion planner, guiding it to return
trajectories that can be safely tracked at runtime using sensor data. We
demonstrate our approach in simulation on a 4D car, a 6D planar quadrotor, and
a 17D manipulation task with RGB(-D) sensor measurements, demonstrating that
our method safely and reliably steers the system to the goal, while baselines
that fail to consider the trusted domain or state estimation errors can be
unsafe. |
1,970 | Embarrassingly Parallel Independent Training of Multi-Layer Perceptrons with Heterogeneous Architectures | The definition of a Neural Network architecture is one of the most critical
and challenging tasks to perform. In this paper, we propose ParallelMLPs.
ParallelMLPs is a procedure to enable the training of several independent
Multilayer Perceptron Neural Networks with a different number of neurons and
activation functions in parallel by exploring the principle of locality and
parallelization capabilities of modern CPUs and GPUs. The core idea of this
technique is to use a Modified Matrix Multiplication that replaces an ordinal
matrix multiplication by two simple matrix operations that allow separate and
independent paths for gradient flowing, which can be used in other scenarios.
We have assessed our algorithm in simulated datasets varying the number of
samples, features and batches using 10,000 different models. We achieved a
training speedup from 1 to 4 orders of magnitude if compared to the sequential
approach. |
1,971 | A theory of learning with constrained weight-distribution | A central question in computational neuroscience is how structure determines
function in neural networks. The emerging high-quality large-scale connectomic
datasets raise the question of what general functional principles can be
gleaned from structural information such as the distribution of
excitatory/inhibitory synapse types and the distribution of synaptic weights.
Motivated by this question, we developed a statistical mechanical theory of
learning in neural networks that incorporates structural information as
constraints. We derived an analytical solution for the memory capacity of the
perceptron, a basic feedforward model of supervised learning, with constraint
on the distribution of its weights. Our theory predicts that the reduction in
capacity due to the constrained weight-distribution is related to the
Wasserstein distance between the imposed distribution and that of the standard
normal distribution. To test the theoretical predictions, we use optimal
transport theory and information geometry to develop an SGD-based algorithm to
find weights that simultaneously learn the input-output task and satisfy the
distribution constraint. We show that training in our algorithm can be
interpreted as geodesic flows in the Wasserstein space of probability
distributions. We further developed a statistical mechanical theory for
teacher-student perceptron rule learning and ask for the best way for the
student to incorporate prior knowledge of the rule. Our theory shows that it is
beneficial for the learner to adopt different prior weight distributions during
learning, and shows that distribution-constrained learning outperforms
unconstrained and sign-constrained learning. Our theory and algorithm provide
novel strategies for incorporating prior knowledge about weights into learning,
and reveal a powerful connection between structure and function in neural
networks. |
1,972 | A Stochastic Proximal Method for Nonsmooth Regularized Finite Sum Optimization | We consider the problem of training a deep neural network with nonsmooth
regularization to retrieve a sparse and efficient sub-structure. Our
regularizer is only assumed to be lower semi-continuous and prox-bounded. We
combine an adaptive quadratic regularization approach with proximal stochastic
gradient principles to derive a new solver, called SR2, whose convergence and
worst-case complexity are established without knowledge or approximation of the
gradient's Lipschitz constant. We formulate a stopping criteria that ensures an
appropriate first-order stationarity measure converges to zero under certain
conditions. We establish a worst-case iteration complexity of
$\mathcal{O}(\epsilon^{-2})$ that matches those of related methods like
ProxGEN, where the learning rate is assumed to be related to the Lipschitz
constant. Our experiments on network instances trained on CIFAR-10 and
CIFAR-100 with $\ell_1$ and $\ell_0$ regularizations show that SR2 consistently
achieves higher sparsity and accuracy than related methods such as ProxGEN and
ProxSGD. |
1,973 | Overparametrized linear dimensionality reductions: From projection pursuit to two-layer neural networks | Given a cloud of $n$ data points in $\mathbb{R}^d$, consider all projections
onto $m$-dimensional subspaces of $\mathbb{R}^d$ and, for each such projection,
the empirical distribution of the projected points. What does this collection
of probability distributions look like when $n,d$ grow large?
We consider this question under the null model in which the points are i.i.d.
standard Gaussian vectors, focusing on the asymptotic regime in which
$n,d\to\infty$, with $n/d\to\alpha\in (0,\infty)$, while $m$ is fixed. Denoting
by $\mathscr{F}_{m, \alpha}$ the set of probability distributions in
$\mathbb{R}^m$ that arise as low-dimensional projections in this limit, we
establish new inner and outer bounds on $\mathscr{F}_{m, \alpha}$. In
particular, we characterize the Wasserstein radius of $\mathscr{F}_{m,\alpha}$
up to logarithmic factors, and determine it exactly for $m=1$. We also prove
sharp bounds in terms of Kullback-Leibler divergence and R\'{e}nyi information
dimension.
The previous question has application to unsupervised learning methods, such
as projection pursuit and independent component analysis. We introduce a
version of the same problem that is relevant for supervised learning, and prove
a sharp Wasserstein radius bound. As an application, we establish an upper
bound on the interpolation threshold of two-layers neural networks with $m$
hidden neurons. |
1,974 | Fiberwise dimensionality reduction of topologically complex data with vector bundles | Datasets with non-trivial large scale topology can be hard to embed in
low-dimensional Euclidean space with existing dimensionality reduction
algorithms. We propose to model topologically complex datasets using vector
bundles, in such a way that the base space accounts for the large scale
topology, while the fibers account for the local geometry. This allows one to
reduce the dimensionality of the fibers, while preserving the large scale
topology. We formalize this point of view, and, as an application, we describe
an algorithm which takes as input a dataset together with an initial
representation of it in Euclidean space, assumed to recover part of its large
scale topology, and outputs a new representation that integrates local
representations, obtained through local linear dimensionality reduction, along
the initial global representation. We demonstrate this algorithm on examples
coming from dynamical systems and chemistry. In these examples, our algorithm
is able to learn topologically faithful embeddings of the data in lower target
dimension than various well known metric-based dimensionality reduction
algorithms. |
1,975 | Generalizable Method for Face Anti-Spoofing with Semi-Supervised Learning | Face anti-spoofing has drawn a lot of attention due to the high security
requirements in biometric authentication systems. Bringing face biometric to
commercial hardware became mostly dependent on developing reliable methods for
detecting fake login sessions without specialized sensors. Current CNN-based
method perform well on the domains they were trained for, but often show poor
generalization on previously unseen datasets. In this paper we describe a
method for utilizing unsupervised pretraining for improving performance across
multiple datasets without any adaptation, introduce the Entry Antispoofing
Dataset for supervised fine-tuning, and propose a multi-class auxiliary
classification layer for augmenting the binary classification task of detecting
spoofing attempts with explicit interpretable signals. We demonstrate the
efficiency of our model by achieving state-of-the-art results on cross-dataset
testing on MSU-MFSD, Replay-Attack, and OULU-NPU datasets. |
1,976 | Machine Learning-Driven Process of Alumina Ceramics Laser Machining | Laser machining is a highly flexible non-contact manufacturing technique that
has been employed widely across academia and industry. Due to nonlinear
interactions between light and matter, simulation methods are extremely
crucial, as they help enhance the machining quality by offering comprehension
of the inter-relationships between the laser processing parameters. On the
other hand, experimental processing parameter optimization recommends a
systematic, and consequently time-consuming, investigation over the available
processing parameter space. An intelligent strategy is to employ machine
learning (ML) techniques to capture the relationship between picosecond laser
machining parameters for finding proper parameter combinations to create the
desired cuts on industrial-grade alumina ceramic with deep, smooth and
defect-free patterns. Laser parameters such as beam amplitude and frequency,
scanner passing speed and the number of passes over the surface, as well as the
vertical distance of the scanner from the sample surface, are used for
predicting the depth, top width, and bottom width of the engraved channels
using ML models. Owing to the complex correlation between laser parameters, it
is shown that Neural Networks (NN) are the most efficient in predicting the
outputs. Equipped with an ML model that captures the interconnection between
laser parameters and the engraved channel dimensions, one can predict the
required input parameters to achieve a target channel geometry. This strategy
significantly reduces the cost and effort of experimental laser machining
during the development phase, without compromising accuracy or performance. The
developed techniques can be applied to a wide range of ceramic laser machining
processes. |
1,977 | Optimal Clipping and Magnitude-aware Differentiation for Improved Quantization-aware Training | Data clipping is crucial in reducing noise in quantization operations and
improving the achievable accuracy of quantization-aware training (QAT). Current
practices rely on heuristics to set clipping threshold scalars and cannot be
shown to be optimal. We propose Optimally Clipped Tensors And Vectors (OCTAV),
a recursive algorithm to determine MSE-optimal clipping scalars. Derived from
the fast Newton-Raphson method, OCTAV finds optimal clipping scalars on the
fly, for every tensor, at every iteration of the QAT routine. Thus, the QAT
algorithm is formulated with provably minimum quantization noise at each step.
In addition, we reveal limitations in common gradient estimation techniques in
QAT and propose magnitude-aware differentiation as a remedy to further improve
accuracy. Experimentally, OCTAV-enabled QAT achieves state-of-the-art accuracy
on multiple tasks. These include training-from-scratch and retraining ResNets
and MobileNets on ImageNet, and Squad fine-tuning using BERT models, where
OCTAV-enabled QAT consistently preserves accuracy at low precision
(4-to-6-bits). Our results require no modifications to the baseline training
recipe, except for the insertion of quantization operations where appropriate. |
1,978 | Towards Alternative Techniques for Improving Adversarial Robustness: Analysis of Adversarial Training at a Spectrum of Perturbations | Adversarial training (AT) and its variants have spearheaded progress in
improving neural network robustness to adversarial perturbations and common
corruptions in the last few years. Algorithm design of AT and its variants are
focused on training models at a specified perturbation strength $\epsilon$ and
only using the feedback from the performance of that $\epsilon$-robust model to
improve the algorithm. In this work, we focus on models, trained on a spectrum
of $\epsilon$ values. We analyze three perspectives: model performance,
intermediate feature precision and convolution filter sensitivity. In each, we
identify alternative improvements to AT that otherwise wouldn't have been
apparent at a single $\epsilon$. Specifically, we find that for a PGD attack at
some strength $\delta$, there is an AT model at some slightly larger strength
$\epsilon$, but no greater, that generalizes best to it. Hence, we propose
overdesigning for robustness where we suggest training models at an $\epsilon$
just above $\delta$. Second, we observe (across various $\epsilon$ values) that
robustness is highly sensitive to the precision of intermediate features and
particularly those after the first and second layer. Thus, we propose adding a
simple quantization to defenses that improves accuracy on seen and unseen
adaptive attacks. Third, we analyze convolution filters of each layer of models
at increasing $\epsilon$ and notice that those of the first and second layer
may be solely responsible for amplifying input perturbations. We present our
findings and demonstrate our techniques through experiments with ResNet and
WideResNet models on the CIFAR-10 and CIFAR-10-C datasets. |
1,979 | Multimodal Learning with Transformers: A Survey | Transformer is a promising neural network learner, and has achieved great
success in various machine learning tasks. Thanks to the recent prevalence of
multimodal applications and big data, Transformer-based multimodal learning has
become a hot topic in AI research. This paper presents a comprehensive survey
of Transformer techniques oriented at multimodal data. The main contents of
this survey include: (1) a background of multimodal learning, Transformer
ecosystem, and the multimodal big data era, (2) a theoretical review of Vanilla
Transformer, Vision Transformer, and multimodal Transformers, from a
geometrically topological perspective, (3) a review of multimodal Transformer
applications, via two important paradigms, i.e., for multimodal pretraining and
for specific multimodal tasks, (4) a summary of the common challenges and
designs shared by the multimodal Transformer models and applications, and (5) a
discussion of open problems and potential research directions for the
community. |
1,980 | The Modality Focusing Hypothesis: On the Blink of Multimodal Knowledge Distillation | Multimodal knowledge distillation (KD) extends traditional knowledge
distillation to the area of multimodal learning. One common practice is to
adopt a well-performed multimodal network as the teacher in the hope that it
can transfer its full knowledge to a unimodal student for performance
improvement. In this paper, we investigate the efficacy of multimodal KD. We
begin by providing two failure cases of it and demonstrate that KD is not a
universal cure in multimodal knowledge transfer. We present the modality Venn
diagram to understand modality relationships and the modality focusing
hypothesis revealing the decisive factor in the efficacy of multimodal KD.
Experimental results on 6 multimodal datasets help justify our hypothesis,
diagnose failure cases, and point directions to improve distillation
performance. |
1,981 | Mapping fNIRS to fMRI with Neural Data Augmentation and Machine Learning Models | Advances in neuroimaging techniques have provided us novel insights into
understanding how the human mind works. Functional magnetic resonance imaging
(fMRI) is the most popular and widely used neuroimaging technique, and there is
growing interest in fMRI-based markers of individual differences. However, its
utility is often limited due to its high cost and difficulty acquiring from
specific populations, including children and infants. Surrogate markers, or
neural correlates of fMRI markers, would have important practical implications,
but we have few stand-alone predictors for the fMRI markers. Here, using
machine learning (ML) models and data augmentation, we predicted well-validated
fMRI markers of human cognition from multivariate patterns of functional
near-infrared spectroscopy (fNIRS), a portable and relatively inexpensive
optical neuroimaging technique. We recruited 50 human participants who
performed two cognitive tasks (stop signal task and probabilistic reversal
learning task), while neural activation was measured with either fNIRS or fMRI
at each of the total two visits. Using ML models and data augmentation, we
could predict the well-established fMRI markers of response inhibition or
prediction error signals from 48-channel fNIRS activation in the prefrontal
cortex. These results suggest that fNIRS might offer a surrogate marker of fMRI
activation, which would broaden our understanding of various populations,
including infants. |
1,982 | What Should I Know? Using Meta-gradient Descent for Predictive Feature Discovery in a Single Stream of Experience | In computational reinforcement learning, a growing body of work seeks to
construct an agent's perception of the world through predictions of future
sensations; predictions about environment observations are used as additional
input features to enable better goal-directed decision-making. An open
challenge in this line of work is determining from the infinitely many
predictions that the agent could possibly make which predictions might best
support decision-making. This challenge is especially apparent in continual
learning problems where a single stream of experience is available to a
singular agent. As a primary contribution, we introduce a meta-gradient descent
process by which an agent learns 1) what predictions to make, 2) the estimates
for its chosen predictions, and 3) how to use those estimates to generate
policies that maximize future reward -- all during a single ongoing process of
continual learning. In this manuscript we consider predictions expressed as
General Value Functions: temporally extended estimates of the accumulation of a
future signal. We demonstrate that through interaction with the environment an
agent can independently select predictions that resolve partial-observability,
resulting in performance similar to expertly specified GVFs. By learning,
rather than manually specifying these predictions, we enable the agent to
identify useful predictions in a self-supervised manner, taking a step towards
truly autonomous systems. |
1,983 | On Image Segmentation With Noisy Labels: Characterization and Volume Properties of the Optimal Solutions to Accuracy and Dice | We study two of the most popular performance metrics in medical image
segmentation, Accuracy and Dice, when the target labels are noisy. For both
metrics, several statements related to characterization and volume properties
of the set of optimal segmentations are proved, and associated experiments are
provided. Our main insights are: (i) the volume of the solutions to both
metrics may deviate significantly from the expected volume of the target, (ii)
the volume of a solution to Accuracy is always less than or equal to the volume
of a solution to Dice and (iii) the optimal solutions to both of these metrics
coincide when the set of feasible segmentations is constrained to the set of
segmentations with the volume equal to the expected volume of the target. |
1,984 | Robust Distillation for Worst-class Performance | Knowledge distillation has proven to be an effective technique in improving
the performance a student model using predictions from a teacher model.
However, recent work has shown that gains in average efficiency are not uniform
across subgroups in the data, and in particular can often come at the cost of
accuracy on rare subgroups and classes. To preserve strong performance across
classes that may follow a long-tailed distribution, we develop distillation
techniques that are tailored to improve the student's worst-class performance.
Specifically, we introduce robust optimization objectives in different
combinations for the teacher and student, and further allow for training with
any tradeoff between the overall accuracy and the robust worst-class objective.
We show empirically that our robust distillation techniques not only achieve
better worst-class performance, but also lead to Pareto improvement in the
tradeoff between overall performance and worst-class performance compared to
other baseline methods. Theoretically, we provide insights into what makes a
good teacher when the goal is to train a robust student. |
1,985 | Explainable Mixed Data Representation and Lossless Visualization Toolkit for Knowledge Discovery | Developing Machine Learning (ML) algorithms for heterogeneous/mixed data is a
longstanding problem. Many ML algorithms are not applicable to mixed data,
which include numeric and non-numeric data, text, graphs and so on to generate
interpretable models. Another longstanding problem is developing algorithms for
lossless visualization of multidimensional mixed data. The further progress in
ML heavily depends on success interpretable ML algorithms for mixed data and
lossless interpretable visualization of multidimensional data. The later allows
developing interpretable ML models using visual knowledge discovery by
end-users, who can bring valuable domain knowledge which is absent in the
training data. The challenges for mixed data include: (1) generating numeric
coding schemes for non-numeric attributes for numeric ML algorithms to provide
accurate and interpretable ML models, (2) generating methods for lossless
visualization of n-D non-numeric data and visual rule discovery in these
visualizations. This paper presents a classification of mixed data types,
analyzes their importance for ML and present the developed experimental toolkit
to deal with mixed data. It combines the Data Types Editor, VisCanvas data
visualization and rule discovery system which is available on GitHub. |
1,986 | Invariant Structure Learning for Better Generalization and Causal Explainability | Learning the causal structure behind data is invaluable for improving
generalization and obtaining high-quality explanations. We propose a novel
framework, Invariant Structure Learning (ISL), that is designed to improve
causal structure discovery by utilizing generalization as an indication. ISL
splits the data into different environments, and learns a structure that is
invariant to the target across different environments by imposing a consistency
constraint. An aggregation mechanism then selects the optimal classifier based
on a graph structure that reflects the causal mechanisms in the data more
accurately compared to the structures learnt from individual environments.
Furthermore, we extend ISL to a self-supervised learning setting where accurate
causal structure discovery does not rely on any labels. This self-supervised
ISL utilizes invariant causality proposals by iteratively setting different
nodes as targets. On synthetic and real-world datasets, we demonstrate that ISL
accurately discovers the causal structure, outperforms alternative methods, and
yields superior generalization for datasets with significant distribution
shifts. |
1,987 | Revisiting the Shape-Bias of Deep Learning for Dermoscopic Skin Lesion Classification | It is generally believed that the human visual system is biased towards the
recognition of shapes rather than textures. This assumption has led to a
growing body of work aiming to align deep models' decision-making processes
with the fundamental properties of human vision. The reliance on shape features
is primarily expected to improve the robustness of these models under covariate
shift. In this paper, we revisit the significance of shape-biases for the
classification of skin lesion images. Our analysis shows that different skin
lesion datasets exhibit varying biases towards individual image features.
Interestingly, despite deep feature extractors being inclined towards learning
entangled features for skin lesion classification, individual features can
still be decoded from this entangled representation. This indicates that these
features are still represented in the learnt embedding spaces of the models,
but not used for classification. In addition, the spectral analysis of
different datasets shows that in contrast to common visual recognition,
dermoscopic skin lesion classification, by nature, is reliant on complex
feature combinations beyond shape-bias. As a natural consequence, shifting away
from the prevalent desire of shape-biasing models can even improve skin lesion
classifiers in some cases. |
1,988 | Density Estimation with Autoregressive Bayesian Predictives | Bayesian methods are a popular choice for statistical inference in small-data
regimes due to the regularization effect induced by the prior, which serves to
counteract overfitting. In the context of density estimation, the standard
Bayesian approach is to target the posterior predictive. In general, direct
estimation of the posterior predictive is intractable and so methods typically
resort to approximating the posterior distribution as an intermediate step. The
recent development of recursive predictive copula updates, however, has made it
possible to perform tractable predictive density estimation without the need
for posterior approximation. Although these estimators are computationally
appealing, they tend to struggle on non-smooth data distributions. This is
largely due to the comparatively restrictive form of the likelihood models from
which the proposed copula updates were derived. To address this shortcoming, we
consider a Bayesian nonparametric model with an autoregressive likelihood
decomposition and Gaussian process prior, which yields a data-dependent
bandwidth parameter in the copula update. Further, we formulate a novel
parameterization of the bandwidth using an autoregressive neural network that
maps the data into a latent space, and is thus able to capture more complex
dependencies in the data. Our extensions increase the modelling capacity of
existing recursive Bayesian density estimators, achieving state-of-the-art
results on tabular data sets. |
1,989 | Assessing Privacy Leakage in Synthetic 3-D PET Imaging using Transversal GAN | Training computer-vision related algorithms on medical images for disease
diagnosis or image segmentation is difficult in large part due to privacy
concerns. For this reason, generative image models are highly sought after to
facilitate data sharing. However, 3-D generative models are understudied, and
investigation of their privacy leakage is needed. We introduce our 3-D
generative model, Transversal GAN (TrGAN), using head & neck PET images which
are conditioned on tumour masks as a case study. We define quantitative
measures of image fidelity, utility and privacy for our model. These metrics
are evaluated in the course of training to identify ideal fidelity, utility and
privacy trade-offs and establish the relationships between these parameters. We
show that the discriminator of the TrGAN is vulnerable to attack, and that an
attacker can identify which samples were used in training with almost perfect
accuracy (AUC = 0.99). We also show that an attacker with access to only the
generator cannot reliably classify whether a sample had been used for training
(AUC = 0.51). This suggests that TrGAN generators, but not discriminators, may
be used for sharing synthetic 3-D PET data with minimal privacy risk while
maintaining good utility and fidelity. |
1,990 | Automated Coronary Calcium Scoring using U-Net Models through Semi-supervised Learning on Non-Gated CT Scans | Every year, thousands of innocent people die due to heart attacks. Often
undiagnosed heart attacks can hit people by surprise since many current medical
plans don't cover the costs to require the searching of calcification on these
scans. Only if someone is suspected to have a heart problem, a gated CT scan is
taken, otherwise, there's no way for the patient to be aware of a possible
heart attack/disease. While nongated CT scans are more periodically taken, it
is harder to detect calcification and is usually taken for a purpose other than
locating calcification in arteries. In fact, in real time coronary artery
calcification scores are only calculated on gated CT scans, not nongated CT
scans. After training a unet model on the Coronary Calcium and chest CT's gated
scans, it received a DICE coefficient of 0.95 on its untouched test set. This
model was used to predict on nongated CT scans, performing with a mean absolute
error (MAE) of 674.19 and bucket classification accuracy of 41% (5 classes).
Through the analysis of the images and the information stored in the images,
mathematical equations were derived and used to automatically crop the images
around the location of the heart. By performing semi-supervised learning the
new cropped nongated scans were able to closely resemble gated CT scans,
improving the performance by 91% in MAE (62.38) and 23% in accuracy. |
1,991 | SmartGD: A Self-Challenging Generative Adversarial Network for Graph Drawing | A multitude of studies have been conducted on graph drawing, but many
existing methods only focus on optimizing particular aesthetic aspects of graph
layout. Given a graph, generating a good layout that satisfies certain human
aesthetic preference remains a challenging task, especially if such preference
can not be expressed as a differentiable objective function. In this paper, we
propose a student-teacher GAN-based graph drawing framework, SmartGD, which
learns to draw graphs just like how humans learn to perform tasks. The student
network in the SmartGD learns graph drawing by imitating good layout examples,
while the teacher network in SmartGD is responsible for providing ratings
regarding the goodness of the generated layouts. When there is a lack of
concrete aesthetic criteria to specify what constitutes a good layout, the
student network can learn from the good layout examples. On the other hand,
when the goodness of a layout can be assessed by quantitative criteria (even if
not differentiable), the student network can use it as a concrete goal to
optimize the target aesthetics. To accomplish the goal, we propose a novel
variant of GAN, self-challenging GAN, to learn the optimal layout distribution
with respect to any aesthetic criterion, whether the criterion is
differentiable or not. The proposed graph drawing framework can not only draw
graphs in a similar style as the good layout examples but also optimize the
graph layouts according to any given aesthetic criteria when available. Once
the model is trained, it can be used to visualize arbitrary graphs according to
the style of the example layouts or the chosen aesthetic criteria. The
comprehensive experimental studies show that SmartGD outperforms 12 benchmark
methods according to the commonly agreed metrics. |
1,992 | ReViSe: Remote Vital Signs Measurement Using Smartphone Camera | Remote Photoplethysmography (rPPG) is a fast, effective, inexpensive and
convenient method for collecting biometric data as it enables vital signs
estimation using face videos. Remote contactless medical service provisioning
has proven to be a dire necessity during the COVID-19 pandemic. We propose an
end-to-end framework to measure people's vital signs including Heart Rate (HR),
Heart Rate Variability (HRV), Oxygen Saturation (SpO2) and Blood Pressure (BP)
based on the rPPG methodology from the video of a user's face captured with a
smartphone camera. We extract face landmarks with a deep learning-based neural
network model in real-time. Multiple face patches also called
Region-of-Interests (RoIs) are extracted by using the predicted face landmarks.
Several filters are applied to reduce the noise from the RoIs in the extracted
cardiac signals called Blood Volume Pulse (BVP) signal. We trained and
validated machine learning models using two public rPPG datasets namely the
TokyoTech rPPG and the Pulse Rate Detection (PURE) datasets, on which our
models achieved the following Mean Absolute Errors (MAE): a) for HR, 1.73 and
3.95 Beats-Per-Minute (bpm) respectively, b) for HRV, 18.55 and 25.03 ms
respectively, and c) for SpO2, a MAE of 1.64 on the PURE dataset. We validated
our end-to-end rPPG framework, ReViSe, in real life environment, and thereby
created the Video-HR dataset. Our HR estimation model achieved a MAE of 2.49
bpm on this dataset. Since no publicly available rPPG datasets existed for BP
measurement with face videos, we used a dataset with signals from fingertip
sensor to train our model and also created our own video dataset, Video-BP. On
our Video-BP dataset, our BP estimation model achieved a MAE of 6.7 mmHg for
Systolic Blood Pressure (SBP), and a MAE of 9.6 mmHg for Diastolic Blood
Pressure (DBP). |
1,993 | Provably Efficient Offline Reinforcement Learning with Trajectory-Wise Reward | The remarkable success of reinforcement learning (RL) heavily relies on
observing the reward of every visited state-action pair. In many real world
applications, however, an agent can observe only a score that represents the
quality of the whole trajectory, which is referred to as the {\em
trajectory-wise reward}. In such a situation, it is difficult for standard RL
methods to well utilize trajectory-wise reward, and large bias and variance
errors can be incurred in policy evaluation. In this work, we propose a novel
offline RL algorithm, called Pessimistic vAlue iteRaTion with rEward
Decomposition (PARTED), which decomposes the trajectory return into per-step
proxy rewards via least-squares-based reward redistribution, and then performs
pessimistic value iteration based on the learned proxy reward. To ensure the
value functions constructed by PARTED are always pessimistic with respect to
the optimal ones, we design a new penalty term to offset the uncertainty of the
proxy reward. For general episodic MDPs with large state space, we show that
PARTED with overparameterized neural network function approximation achieves an
$\tilde{\mathcal{O}}(D_{\text{eff}}H^2/\sqrt{N})$ suboptimality, where $H$ is
the length of episode, $N$ is the total number of samples, and $D_{\text{eff}}$
is the effective dimension of the neural tangent kernel matrix. To further
illustrate the result, we show that PARTED achieves an
$\tilde{\mathcal{O}}(dH^3/\sqrt{N})$ suboptimality with linear MDPs, where $d$
is the feature dimension, which matches with that with neural network function
approximation, when $D_{\text{eff}}=dH$. To the best of our knowledge, PARTED
is the first offline RL algorithm that is provably efficient in general MDP
with trajectory-wise reward. |
1,994 | Look, Radiate, and Learn: Self-supervised Localisation via Radio-Visual Correspondence | Next generation cellular networks will implement radio sensing functions
alongside customary communications, thereby enabling unprecedented worldwide
sensing coverage outdoors. Deep learning has revolutionised computer vision but
has had limited application to radio perception tasks, in part due to lack of
systematic datasets and benchmarks dedicated to the study of the performance
and promise of radio sensing. To address this gap, we present MaxRay: a
synthetic radio-visual dataset and benchmark that facilitate precise target
localisation in radio. We further propose to learn to localise targets in radio
without supervision by extracting self-coordinates from radio-visual
correspondence. We use such self-supervised coordinates to train a radio
localiser network. We characterise our performance against a number of
state-of-the-art baselines. Our results indicate that accurate radio target
localisation can be automatically learned from paired radio-visual data without
labels, which is highly relevant to empirical data. This opens the door for
vast data scalability and may prove key to realising the promise of robust
radio sensing atop a unified perception-communication cellular infrastructure.
Dataset will be hosted on IEEE DataPort. |
1,995 | Symbolic Regression in Materials Science: Discovering Interatomic Potentials from Data | Particle-based modeling of materials at atomic scale plays an important role
in the development of new materials and understanding of their properties. The
accuracy of particle simulations is determined by interatomic potentials, which
allow to calculate the potential energy of an atomic system as a function of
atomic coordinates and potentially other properties. First-principles-based ab
initio potentials can reach arbitrary levels of accuracy, however their
aplicability is limited by their high computational cost.
Machine learning (ML) has recently emerged as an effective way to offset the
high computational costs of ab initio atomic potentials by replacing expensive
models with highly efficient surrogates trained on electronic structure data.
Among a plethora of current methods, symbolic regression (SR) is gaining
traction as a powerful "white-box" approach for discovering functional forms of
interatomic potentials.
This contribution discusses the role of symbolic regression in Materials
Science (MS) and offers a comprehensive overview of current methodological
challenges and state-of-the-art results. A genetic programming-based approach
for modeling atomic potentials from raw data (consisting of snapshots of atomic
positions and associated potential energy) is presented and empirically
validated on ab initio electronic structure data. |
1,996 | GraphMLP: A Graph MLP-Like Architecture for 3D Human Pose Estimation | Modern multi-layer perceptron (MLP) models have shown competitive results in
learning visual representations without self-attention. However, existing MLP
models are not good at capturing local details and lack prior knowledge of
human configurations, which limits their modeling power for skeletal
representation learning. To address these issues, we propose a simple yet
effective graph-reinforced MLP-Like architecture, named GraphMLP, that combines
MLPs and graph convolutional networks (GCNs) in a global-local-graphical
unified architecture for 3D human pose estimation. GraphMLP incorporates the
graph structure of human bodies into an MLP model to meet the domain-specific
demand while also allowing for both local and global spatial interactions.
Extensive experiments show that the proposed GraphMLP achieves state-of-the-art
performance on two datasets, i.e., Human3.6M and MPI-INF-3DHP. Our source code
and pretrained models will be publicly available. |
1,997 | Image-based Treatment Effect Heterogeneity | Randomized controlled trials (RCTs) are considered the gold standard for
estimating the effects of interventions. Recent work has studied effect
heterogeneity in RCTs by conditioning estimates on tabular variables such as
age and ethnicity. However, such variables are often only observed near the
time of the experiment and may fail to capture historical or geographical
reasons for effect variation. When experiment units are associated with a
particular location, satellite imagery can provide such historical and
geographical information, yet there is no method which incorporates it for
describing effect heterogeneity. In this paper, we develop such a method which
estimates, using a deep probabilistic modeling framework, the clusters of
images having the same distribution over treatment effects. We compare the
proposed methods against alternatives in simulation and in an application to
estimating the effects of an anti-poverty intervention in Uganda. A causal
regularization penalty is introduced to ensure reliability of the cluster model
in recovering Average Treatment Effects (ATEs). Finally, we discuss
feasibility, limitations, and the applicability of these methods to other
domains, such as medicine and climate science, where image information is
prevalent. We make code for all modeling strategies publicly available in an
open-source software package. |
1,998 | Estimating Causal Effects Under Image Confounding Bias with an Application to Poverty in Africa | Observational studies of causal effects require adjustment for confounding
factors. In the tabular setting, where these factors are well-defined, separate
random variables, the effect of confounding is well understood. However, in
public policy, ecology, and in medicine, decisions are often made in
non-tabular settings, informed by patterns or objects detected in images (e.g.,
maps, satellite or tomography imagery). Using such imagery for causal inference
presents an opportunity because objects in the image may be related to the
treatment and outcome of interest. In these cases, we rely on the images to
adjust for confounding but observed data do not directly label the existence of
the important objects. Motivated by real-world applications, we formalize this
challenge, how it can be handled, and what conditions are sufficient to
identify and estimate causal effects. We analyze finite-sample performance
using simulation experiments, estimating effects using a propensity adjustment
algorithm that employs a machine learning model to estimate the image
confounding. Our experiments also examine sensitivity to misspecification of
the image pattern mechanism. Finally, we use our methodology to estimate the
effects of policy interventions on poverty in African communities from
satellite imagery. |
1,999 | Compositional Mixture Representations for Vision and Text | Learning a common representation space between vision and language allows
deep networks to relate objects in the image to the corresponding semantic
meaning. We present a model that learns a shared Gaussian mixture
representation imposing the compositionality of the text onto the visual domain
without having explicit location supervision. By combining the spatial
transformer with a representation learning approach we learn to split images
into separately encoded patches to associate visual and textual representations
in an interpretable manner. On variations of MNIST and CIFAR10, our model is
able to perform weakly supervised object detection and demonstrates its ability
to extrapolate to unseen combination of objects. |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.