Unnamed: 0
int64 0
5k
| title
stringlengths 9
210
| abstract
stringlengths 164
1.92k
|
---|---|---|
2,700 | Learning Generalized Wireless MAC Communication Protocols via Abstraction | To tackle the heterogeneous requirements of beyond 5G (B5G) and future 6G
wireless networks, conventional medium access control (MAC) procedures need to
evolve to enable base stations (BSs) and user equipments (UEs) to automatically
learn innovative MAC protocols catering to extremely diverse services. This
topic has received significant attention, and several reinforcement learning
(RL) algorithms, in which BSs and UEs are cast as agents, are available with
the aim of learning a communication policy based on agents' local observations.
However, current approaches are typically overfitted to the environment they
are trained in, and lack robustness against unseen conditions, failing to
generalize in different environments. To overcome this problem, in this work,
instead of learning a policy in the high dimensional and redundant observation
space, we leverage the concept of observation abstraction (OA) rooted in
extracting useful information from the environment. This in turn allows
learning communication protocols that are more robust and with much better
generalization capabilities than current baselines. To learn the abstracted
information from observations, we propose an architecture based on autoencoder
(AE) and imbue it into a multi-agent proximal policy optimization (MAPPO)
framework. Simulation results corroborate the effectiveness of leveraging
abstraction when learning protocols by generalizing across environments, in
terms of number of UEs, number of data packets to transmit, and channel
conditions. |
2,701 | Hardware-accelerated Mars Sample Localization via deep transfer learning from photorealistic simulations | The goal of the Mars Sample Return campaign is to collect soil samples from
the surface of Mars and return them to Earth for further study. The samples
will be acquired and stored in metal tubes by the Perseverance rover and
deposited on the Martian surface. As part of this campaign, it is expected the
Sample Fetch Rover will be in charge of localizing and gathering up to 35
sample tubes over 150 Martian sols. Autonomous capabilities are critical for
the success of the overall campaign and for the Sample Fetch Rover in
particular. This work proposes a novel approach for the autonomous detection
and pose estimation of the sample tubes. For the detection stage, a Deep Neural
Network and transfer learning from a synthetic dataset are proposed. The
dataset is created from photorealistic 3D simulations of Martian scenarios.
Additionally, Computer Vision techniques are used to estimate the detected
sample tubes poses. Finally, laboratory tests of the Sample Localization
procedure are performed using the ExoMars Testing Rover on a Mars-like testbed.
These tests validate the proposed approach in different hardware architectures,
providing promising results related to the sample detection and pose
estimation. |
2,702 | Generalized Federated Learning via Sharpness Aware Minimization | Federated Learning (FL) is a promising framework for performing
privacy-preserving, distributed learning with a set of clients. However, the
data distribution among clients often exhibits non-IID, i.e., distribution
shift, which makes efficient optimization difficult. To tackle this problem,
many FL algorithms focus on mitigating the effects of data heterogeneity across
clients by increasing the performance of the global model. However, almost all
algorithms leverage Empirical Risk Minimization (ERM) to be the local
optimizer, which is easy to make the global model fall into a sharp valley and
increase a large deviation of parts of local clients. Therefore, in this paper,
we revisit the solutions to the distribution shift problem in FL with a focus
on local learning generality. To this end, we propose a general, effective
algorithm, \texttt{FedSAM}, based on Sharpness Aware Minimization (SAM) local
optimizer, and develop a momentum FL algorithm to bridge local and global
models, \texttt{MoFedSAM}. Theoretically, we show the convergence analysis of
these two algorithms and demonstrate the generalization bound of
\texttt{FedSAM}. Empirically, our proposed algorithms substantially outperform
existing FL studies and significantly decrease the learning deviation. |
2,703 | Per-Instance Privacy Accounting for Differentially Private Stochastic Gradient Descent | Differentially private stochastic gradient descent (DP-SGD) is the workhorse
algorithm for recent advances in private deep learning. It provides a single
privacy guarantee to all datapoints in the dataset. We propose an efficient
algorithm to compute per-instance privacy guarantees for individual examples
when running DP-SGD. We use our algorithm to investigate per-instance privacy
losses across a number of datasets. We find that most examples enjoy stronger
privacy guarantees than the worst-case bounds. We further discover that the
loss and the privacy loss on an example are well-correlated. This implies
groups that are underserved in terms of model utility are simultaneously
underserved in terms of privacy loss. For example, on CIFAR-10, the average
$\epsilon$ of the class with the highest loss (Cat) is 32% higher than that of
the class with the lowest loss (Ship). We also run membership inference attacks
to show this reflects disparate empirical privacy risks. |
2,704 | Real-World Image Super-Resolution by Exclusionary Dual-Learning | Real-world image super-resolution is a practical image restoration problem
that aims to obtain high-quality images from in-the-wild input, has recently
received considerable attention with regard to its tremendous application
potentials. Although deep learning-based methods have achieved promising
restoration quality on real-world image super-resolution datasets, they ignore
the relationship between L1- and perceptual- minimization and roughly adopt
auxiliary large-scale datasets for pre-training. In this paper, we discuss the
image types within a corrupted image and the property of perceptual- and
Euclidean- based evaluation protocols. Then we propose a method, Real-World
image Super-Resolution by Exclusionary Dual-Learning (RWSR-EDL) to address the
feature diversity in perceptual- and L1- based cooperative learning. Moreover,
a noise-guidance data collection strategy is developed to address the training
time consumption in multiple datasets optimization. When an auxiliary dataset
is incorporated, RWSR-EDL achieves promising results and repulses any training
time increment by adopting the noise-guidance data collection strategy.
Extensive experiments show that RWSR-EDL achieves competitive performance over
state-of-the-art methods on four in-the-wild image super-resolution datasets. |
2,705 | CROM: Continuous Reduced-Order Modeling of PDEs Using Implicit Neural Representations | The excessive runtime of high-fidelity partial differential equation (PDE)
solvers makes them unsuitable for time-critical applications. We propose to
accelerate PDE solvers using reduced-order modeling (ROM). Whereas prior ROM
approaches reduce the dimensionality of discretized vector fields, our
continuous reduced-order modeling (CROM) approach builds a smooth,
low-dimensional manifold of the continuous vector fields themselves, not their
discretization. We represent this reduced manifold using neural fields, relying
on their continuous and differentiable nature to efficiently solve the PDEs.
CROM may train on any and all available numerical solutions of the continuous
system, even when they are obtained using diverse methods or discretizations.
After the low-dimensional manifolds are built, solving PDEs requires
significantly less computational resources. Since CROM is
discretization-agnostic, CROM-based PDE solvers may optimally adapt
discretization resolution over time to economize computation. We validate our
approach on an extensive range of PDEs with training data from voxel grids,
meshes, and point clouds. Large-scale experiments demonstrate that our approach
obtains speed, memory, and accuracy advantages over prior ROM approaches while
gaining 109$\times$ wall-clock speedup over full-order models on CPUs and
89$\times$ speedup on GPUs. |
2,706 | Rate-Distortion Theoretic Bounds on Generalization Error for Distributed Learning | In this paper, we use tools from rate-distortion theory to establish new
upper bounds on the generalization error of statistical distributed learning
algorithms. Specifically, there are $K$ clients whose individually chosen
models are aggregated by a central server. The bounds depend on the
compressibility of each client's algorithm while keeping other clients'
algorithms un-compressed, and leverage the fact that small changes in each
local model change the aggregated model by a factor of only $1/K$. Adopting a
recently proposed approach by Sefidgaran et al., and extending it suitably to
the distributed setting, this enables smaller rate-distortion terms which are
shown to translate into tighter generalization bounds. The bounds are then
applied to the distributed support vector machines (SVM), suggesting that the
generalization error of the distributed setting decays faster than that of the
centralized one with a factor of $\mathcal{O}(\log(K)/\sqrt{K})$. This finding
is validated also experimentally. A similar conclusion is obtained for a
multiple-round federated learning setup where each client uses stochastic
gradient Langevin dynamics (SGLD). |
2,707 | [Reproducibility Report] Explainable Deep One-Class Classification | Fully Convolutional Data Description (FCDD), an explainable version of the
Hypersphere Classifier (HSC), directly addresses image anomaly detection (AD)
and pixel-wise AD without any post-hoc explainer methods. The authors claim
that FCDD achieves results comparable with the state-of-the-art in sample-wise
AD on Fashion-MNIST and CIFAR-10 and exceeds the state-of-the-art on the
pixel-wise task on MVTec-AD. We reproduced the main results of the paper using
the author's code with minor changes and provide runtime requirements to
achieve if (CPU memory, GPU memory, and training time). We propose another
analysis methodology using a critical difference diagram, and further
investigate the test performance of the model during the training phase. |
2,708 | Pessimistic Off-Policy Optimization for Learning to Rank | Off-policy learning is a framework for optimizing policies without deploying
them, using data collected by another policy. In recommender systems, this is
especially challenging due to the imbalance in logged data: some items are
recommended and thus logged much more frequently than others. This is further
perpetuated when recommending a list of items, as the action space is
combinatorial. To address this challenge, we study pessimistic off-policy
optimization for learning to rank. The key idea is to compute lower confidence
bounds on parameters of click models and then return the list with the highest
pessimistic estimate of its value. This approach is computationally efficient
and we analyze it. We study its Bayesian and frequentist variants, and overcome
the limitation of unknown prior by incorporating empirical Bayes. To show the
empirical effectiveness of our approach, we compare it to off-policy optimizers
that use inverse propensity scores or neglect uncertainty. Our approach
outperforms all baselines, is robust, and is also general. |
2,709 | Certified Robustness in Federated Learning | Federated learning has recently gained significant attention and popularity
due to its effectiveness in training machine learning models on distributed
data privately. However, as in the single-node supervised learning setup,
models trained in federated learning suffer from vulnerability to imperceptible
input transformations known as adversarial attacks, questioning their
deployment in security-related applications. In this work, we study the
interplay between federated training, personalization, and certified
robustness. In particular, we deploy randomized smoothing, a widely-used and
scalable certification method, to certify deep networks trained on a federated
setup against input perturbations and transformations. We find that the simple
federated averaging technique is effective in building not only more accurate,
but also more certifiably-robust models, compared to training solely on local
data. We further analyze personalization, a popular technique in federated
training that increases the model's bias towards local data, on robustness. We
show several advantages of personalization over both~(that is, only training on
local data and federated training) in building more robust models with faster
training. Finally, we explore the robustness of mixtures of global and
local~(\ie personalized) models, and find that the robustness of local models
degrades as they diverge from the global model |
2,710 | Sparse Bayesian Learning for Complex-Valued Rational Approximations | Surrogate models are used to alleviate the computational burden in
engineering tasks, which require the repeated evaluation of computationally
demanding models of physical systems, such as the efficient propagation of
uncertainties. For models that show a strongly non-linear dependence on their
input parameters, standard surrogate techniques, such as polynomial chaos
expansion, are not sufficient to obtain an accurate representation of the
original model response. Through applying a rational approximation instead, the
approximation error can be efficiently reduced for models whose non-linearity
is accurately described through a rational function. Specifically, our aim is
to approximate complex-valued models. A common approach to obtain the
coefficients in the surrogate is to minimize the sample-based error between
model and surrogate in the least-square sense. In order to obtain an accurate
representation of the original model and to avoid overfitting, the sample set
has be two to three times the number of polynomial terms in the expansion. For
models that require a high polynomial degree or are high-dimensional in terms
of their input parameters, this number often exceeds the affordable
computational cost. To overcome this issue, we apply a sparse Bayesian learning
approach to the rational approximation. Through a specific prior distribution
structure, sparsity is induced in the coefficients of the surrogate model. The
denominator polynomial coefficients as well as the hyperparameters of the
problem are determined through a type-II-maximum likelihood approach. We apply
a quasi-Newton gradient-descent algorithm in order to find the optimal
denominator coefficients and derive the required gradients through application
of $\mathbb{CR}$-calculus. |
2,711 | Forecasting COVID- 19 cases using Statistical Models and Ontology-based Semantic Modelling: A real time data analytics approach | SARS-COV-19 is the most prominent issue which many countries face today. The
frequent changes in infections, recovered and deaths represents the dynamic
nature of this pandemic. It is very crucial to predict the spreading rate of
this virus for accurate decision making against fighting with the situation of
getting infected through the virus, tracking and controlling the virus
transmission in the community. We develop a prediction model using statistical
time series models such as SARIMA and FBProphet to monitor the daily active,
recovered and death cases of COVID-19 accurately. Then with the help of various
details across each individual patient (like height, weight, gender etc.), we
designed a set of rules using Semantic Web Rule Language and some mathematical
models for dealing with COVID19 infected cases on an individual basis. After
combining all the models, a COVID-19 Ontology is developed and performs various
queries using SPARQL query on designed Ontology which accumulate the risk
factors, provide appropriate diagnosis, precautions and preventive suggestions
for COVID Patients. After comparing the performance of SARIMA and FBProphet, it
is observed that the SARIMA model performs better in forecasting of COVID
cases. On individual basis COVID case prediction, approx. 497 individual
samples have been tested and classified into five different levels of COVID
classes such as Having COVID, No COVID, High Risk COVID case, Medium to High
Risk case, and Control needed case. |
2,712 | UTTS: Unsupervised TTS with Conditional Disentangled Sequential Variational Auto-encoder | In this paper, we propose a novel unsupervised text-to-speech (UTTS)
framework which does not require text-audio pairs for the TTS acoustic modeling
(AM). UTTS is a multi-speaker speech synthesizer developed from the perspective
of disentangled speech representation learning. The framework offers a flexible
choice of a speaker's duration model, timbre feature (identity) and content for
TTS inference. We leverage recent advancements in self-supervised speech
representation learning as well as speech synthesis front-end techniques for
the system development. Specifically, we utilize a lexicon to map input text to
the phoneme sequence, which is expanded to the frame-level forced alignment
(FA) with a speaker-dependent duration model. Then, we develop an alignment
mapping module that converts the FA to the unsupervised alignment (UA).
Finally, a Conditional Disentangled Sequential Variational Auto-encoder
(C-DSVAE), serving as the self-supervised TTS AM, takes the predicted UA and a
target speaker embedding to generate the mel spectrogram, which is ultimately
converted to waveform with a neural vocoder. We show how our method enables
speech synthesis without using a paired TTS corpus. Experiments demonstrate
that UTTS can synthesize speech of high naturalness and intelligibility
measured by human and objective evaluations. |
2,713 | Transfer Learning based Search Space Design for Hyperparameter Tuning | The tuning of hyperparameters becomes increasingly important as machine
learning (ML) models have been extensively applied in data mining applications.
Among various approaches, Bayesian optimization (BO) is a successful
methodology to tune hyper-parameters automatically. While traditional methods
optimize each tuning task in isolation, there has been recent interest in
speeding up BO by transferring knowledge across previous tasks. In this work,
we introduce an automatic method to design the BO search space with the aid of
tuning history from past tasks. This simple yet effective approach can be used
to endow many existing BO methods with transfer learning capabilities. In
addition, it enjoys the three advantages: universality, generality, and
safeness. The extensive experiments show that our approach considerably boosts
BO by designing a promising and compact search space instead of using the
entire space, and outperforms the state-of-the-arts on a wide range of
benchmarks, including machine learning and deep learning tuning tasks, and
neural architecture search. |
2,714 | Learning to Control under Time-Varying Environment | This paper investigates the problem of regret minimization in linear
time-varying (LTV) dynamical systems. Due to the simultaneous presence of
uncertainty and non-stationarity, designing online control algorithms for
unknown LTV systems remains a challenging task. At a cost of NP-hard offline
planning, prior works have introduced online convex optimization algorithms,
although they suffer from nonparametric rate of regret.
In this paper, we propose the first computationally tractable online
algorithm with regret guarantees that avoids offline planning over the state
linear feedback policies. Our algorithm is based on the optimism in the face of
uncertainty (OFU) principle in which we optimistically select the best model in
a high confidence region. Our algorithm is then more explorative when compared
to previous approaches. To overcome non-stationarity, we propose either a
restarting strategy (R-OFU) or a sliding window (SW-OFU) strategy. With proper
configuration, our algorithm is attains sublinear regret $O(T^{2/3})$. These
algorithms utilize data from the current phase for tracking variations on the
system dynamics. We corroborate our theoretical findings with numerical
experiments, which highlight the effectiveness of our methods. To the best of
our knowledge, our study establishes the first model-based online algorithm
with regret guarantees under LTV dynamical systems. |
2,715 | An Optimal Transport Approach to Personalized Federated Learning | Federated learning is a distributed machine learning paradigm, which aims to
train a model using the local data of many distributed clients. A key challenge
in federated learning is that the data samples across the clients may not be
identically distributed. To address this challenge, personalized federated
learning with the goal of tailoring the learned model to the data distribution
of every individual client has been proposed. In this paper, we focus on this
problem and propose a novel personalized Federated Learning scheme based on
Optimal Transport (FedOT) as a learning algorithm that learns the optimal
transport maps for transferring data points to a common distribution as well as
the prediction model under the applied transport map. To formulate the FedOT
problem, we extend the standard optimal transport task between two probability
distributions to multi-marginal optimal transport problems with the goal of
transporting samples from multiple distributions to a common probability
domain. We then leverage the results on multi-marginal optimal transport
problems to formulate FedOT as a min-max optimization problem and analyze its
generalization and optimization properties. We discuss the results of several
numerical experiments to evaluate the performance of FedOT under heterogeneous
data distributions in federated learning problems. |
2,716 | Virtual Homogeneity Learning: Defending against Data Heterogeneity in Federated Learning | In federated learning (FL), model performance typically suffers from client
drift induced by data heterogeneity, and mainstream works focus on correcting
client drift. We propose a different approach named virtual homogeneity
learning (VHL) to directly "rectify" the data heterogeneity. In particular, VHL
conducts FL with a virtual homogeneous dataset crafted to satisfy two
conditions: containing no private information and being separable. The virtual
dataset can be generated from pure noise shared across clients, aiming to
calibrate the features from the heterogeneous clients. Theoretically, we prove
that VHL can achieve provable generalization performance on the natural
distribution. Empirically, we demonstrate that VHL endows FL with drastically
improved convergence speed and generalization performance. VHL is the first
attempt towards using a virtual dataset to address data heterogeneity, offering
new and effective means to FL. |
2,717 | Mean Estimation in High-Dimensional Binary Markov Gaussian Mixture Models | We consider a high-dimensional mean estimation problem over a binary hidden
Markov model, which illuminates the interplay between memory in data, sample
size, dimension, and signal strength in statistical inference. In this model,
an estimator observes $n$ samples of a $d$-dimensional parameter vector
$\theta_{*}\in\mathbb{R}^{d}$, multiplied by a random sign $ S_i $ ($1\le i\le
n$), and corrupted by isotropic standard Gaussian noise. The sequence of signs
$\{S_{i}\}_{i\in[n]}\in\{-1,1\}^{n}$ is drawn from a stationary homogeneous
Markov chain with flip probability $\delta\in[0,1/2]$. As $\delta$ varies, this
model smoothly interpolates two well-studied models: the Gaussian Location
Model for which $\delta=0$ and the Gaussian Mixture Model for which
$\delta=1/2$. Assuming that the estimator knows $\delta$, we establish a nearly
minimax optimal (up to logarithmic factors) estimation error rate, as a
function of $\|\theta_{*}\|,\delta,d,n$. We then provide an upper bound to the
case of estimating $\delta$, assuming a (possibly inaccurate) knowledge of
$\theta_{*}$. The bound is proved to be tight when $\theta_{*}$ is an
accurately known constant. These results are then combined to an algorithm
which estimates $\theta_{*}$ with $\delta$ unknown a priori, and theoretical
guarantees on its error are stated. |
2,718 | Optimization-based Block Coordinate Gradient Coding for Mitigating Partial Stragglers in Distributed Learning | Gradient coding schemes effectively mitigate full stragglers in distributed
learning by introducing identical redundancy in coded local partial derivatives
corresponding to all model parameters. However, they are no longer effective
for partial stragglers as they cannot utilize incomplete computation results
from partial stragglers. This paper aims to design a new gradient coding scheme
for mitigating partial stragglers in distributed learning. Specifically, we
consider a distributed system consisting of one master and N workers,
characterized by a general partial straggler model and focuses on solving a
general large-scale machine learning problem with L model parameters using
gradient coding. First, we propose a coordinate gradient coding scheme with L
coding parameters representing L possibly different diversities for the L
coordinates, which generates most gradient coding schemes. Then, we consider
the minimization of the expected overall runtime and the maximization of the
completion probability with respect to the L coding parameters for coordinates,
which are challenging discrete optimization problems. To reduce computational
complexity, we first transform each to an equivalent but much simpler discrete
problem with N\llL variables representing the partition of the L coordinates
into N blocks, each with identical redundancy. This indicates an equivalent but
more easily implemented block coordinate gradient coding scheme with N coding
parameters for blocks. Then, we adopt continuous relaxation to further reduce
computational complexity. For the resulting minimization of expected overall
runtime, we develop an iterative algorithm of computational complexity O(N^2)
to obtain an optimal solution and derive two closed-form approximate solutions
both with computational complexity O(N). For the resultant maximization of the
completion probability, we develop an iterative algorithm of... |
2,719 | Class Prior Estimation under Covariate Shift -- no Problem? | We show that in the context of classification the property of source and
target distributions to be related by covariate shift may break down when the
information content captured in the covariates is reduced, for instance by
discretization of the covariates, dropping some of them, or by any
transformation of the covariates even if it is domain-invariant. The
consequences of this observation for class prior estimation under covariate
shift are discussed. A probing algorithm as alternative approach to class prior
estimation under covariate shift is proposed. |
2,720 | Spam Detection Using BERT | Emails and SMSs are the most popular tools in today communications, and as
the increase of emails and SMSs users are increase, the number of spams is also
increases. Spam is any kind of unwanted, unsolicited digital communication that
gets sent out in bulk, spam emails and SMSs are causing major resource wastage
by unnecessarily flooding the network links. Although most spam mail originate
with advertisers looking to push their products, some are much more malicious
in their intent like phishing emails that aims to trick victims into giving up
sensitive information like website logins or credit card information this type
of cybercrime is known as phishing. To countermeasure spams, many researches
and efforts are done to build spam detectors that are able to filter out
messages and emails as spam or ham. In this research we build a spam detector
using BERT pre-trained model that classifies emails and messages by
understanding to their context, and we trained our spam detector model using
multiple corpuses like SMS collection corpus, Enron corpus, SpamAssassin
corpus, Ling-Spam corpus and SMS spam collection corpus, our spam detector
performance was 98.62%, 97.83%, 99.13% and 99.28% respectively. Keywords: Spam
Detector, BERT, Machine learning, NLP, Transformer, Enron Corpus, SpamAssassin
Corpus, SMS Spam Detection Corpus, Ling-Spam Corpus. |
2,721 | Information-theoretic Inducing Point Placement for High-throughput Bayesian Optimisation | Sparse Gaussian Processes are a key component of high-throughput Bayesian
optimisation (BO) loops -- an increasingly common setting where evaluation
budgets are large and highly parallelised. By using representative subsets of
the available data to build approximate posteriors, sparse models dramatically
reduce the computational costs of surrogate modelling by relying on a small set
of pseudo-observations, the so-called inducing points, in lieu of the full data
set. However, current approaches to design inducing points are not appropriate
within BO loops as they seek to reduce global uncertainty in the objective
function. Thus, the high-fidelity modelling of promising and data-dense regions
required for precise optimisation is sacrificed and computational resources are
instead wasted on modelling areas of the space already known to be sub-optimal.
Inspired by entropy-based BO methods, we propose a novel inducing point design
that uses a principled information-theoretic criterion to select inducing
points. By choosing inducing points to maximally reduce both global uncertainty
and uncertainty in the maximum value of the objective function, we build
surrogate models able to support high-precision high-throughput BO. |
2,722 | Detecting Interlocutor Confusion in Situated Human-Avatar Dialogue: A Pilot Study | In order to enhance levels of engagement with conversational systems, our
long term research goal seeks to monitor the confusion state of a user and
adapt dialogue policies in response to such user confusion states. To this end,
in this paper, we present our initial research centred on a user-avatar
dialogue scenario that we have developed to study the manifestation of
confusion and in the long term its mitigation. We present a new definition of
confusion that is particularly tailored to the requirements of intelligent
conversational system development for task-oriented dialogue. We also present
the details of our Wizard-of-Oz based data collection scenario wherein users
interacted with a conversational avatar and were presented with stimuli that
were in some cases designed to invoke a confused state in the user. Post study
analysis of this data is also presented. Here, three pre-trained deep learning
models were deployed to estimate base emotion, head pose and eye gaze. Despite
a small pilot study group, our analysis demonstrates a significant relationship
between these indicators and confusion states. We understand this as a useful
step forward in the automated analysis of the pragmatics of dialogue. |
2,723 | Tackling covariate shift with node-based Bayesian neural networks | Bayesian neural networks (BNNs) promise improved generalization under
covariate shift by providing principled probabilistic representations of
epistemic uncertainty. However, weight-based BNNs often struggle with high
computational complexity of large-scale architectures and datasets. Node-based
BNNs have recently been introduced as scalable alternatives, which induce
epistemic uncertainty by multiplying each hidden node with latent random
variables, while learning a point-estimate of the weights. In this paper, we
interpret these latent noise variables as implicit representations of simple
and domain-agnostic data perturbations during training, producing BNNs that
perform well under covariate shift due to input corruptions. We observe that
the diversity of the implicit corruptions depends on the entropy of the latent
variables, and propose a straightforward approach to increase the entropy of
these variables during training. We evaluate the method on out-of-distribution
image classification benchmarks, and show improved uncertainty estimation of
node-based BNNs under covariate shift due to input perturbations. As a side
effect, the method also provides robustness against noisy training labels. |
2,724 | Continuous and Distribution-free Probabilistic Wind Power Forecasting: A Conditional Normalizing Flow Approach | We present a data-driven approach for probabilistic wind power forecasting
based on conditional normalizing flow (CNF). In contrast with the existing,
this approach is distribution-free (as for non-parametric and quantile-based
approaches) and can directly yield continuous probability densities, hence
avoiding quantile crossing. It relies on a base distribution and a set of
bijective mappings. Both the shape parameters of the base distribution and the
bijective mappings are approximated with neural networks. Spline-based
conditional normalizing flow is considered owing to its non-affine
characteristics. Over the training phase, the model sequentially maps input
examples onto samples of base distribution, given the conditional contexts,
where parameters are estimated through maximum likelihood. To issue
probabilistic forecasts, one eventually maps samples of the base distribution
into samples of a desired distribution. Case studies based on open datasets
validate the effectiveness of the proposed model, and allows us to discuss its
advantages and caveats with respect to the state of the art. |
2,725 | Balancing Profit, Risk, and Sustainability for Portfolio Management | Stock portfolio optimization is the process of continuous reallocation of
funds to a selection of stocks. This is a particularly well-suited problem for
reinforcement learning, as daily rewards are compounding and objective
functions may include more than just profit, e.g., risk and sustainability. We
developed a novel utility function with the Sharpe ratio representing risk and
the environmental, social, and governance score (ESG) representing
sustainability. We show that a state-of-the-art policy gradient method -
multi-agent deep deterministic policy gradients (MADDPG) - fails to find the
optimum policy due to flat policy gradients and we therefore replaced gradient
descent with a genetic algorithm for parameter optimization. We show that our
system outperforms MADDPG while improving on deep Q-learning approaches by
allowing for continuous action spaces. Crucially, by incorporating risk and
sustainability criteria in the utility function, we improve on the
state-of-the-art in reinforcement learning for portfolio optimization; risk and
sustainability are essential in any modern trading strategy and we propose a
system that does not merely report these metrics, but that actively optimizes
the portfolio to improve on them. |
2,726 | Evaluating the Predictive Performance of Positive-Unlabelled Classifiers: a brief critical review and practical recommendations for improvement | Positive-Unlabelled (PU) learning is a growing area of machine learning that
aims to learn classifiers from data consisting of labelled positive and
unlabelled instances. Whilst much work has been done proposing methods for PU
learning, little has been written on the subject of evaluating these methods.
Many popular standard classification metrics cannot be precisely calculated due
to the absence of fully labelled data, so alternative approaches must be taken.
This short commentary paper critically reviews the main PU learning evaluation
approaches and the choice of predictive accuracy measures in 51 articles
proposing PU classifiers and provides practical recommendations for
improvements in this area. |
2,727 | Towards Responsible AI for Financial Transactions | The application of AI in finance is increasingly dependent on the principles
of responsible AI. These principles - explainability, fairness, privacy,
accountability, transparency and soundness form the basis for trust in future
AI systems. In this study, we address the first principle by providing an
explanation for a deep neural network that is trained on a mixture of
numerical, categorical and textual inputs for financial transaction
classification. The explanation is achieved through (1) a feature importance
analysis using Shapley additive explanations (SHAP) and (2) a hybrid approach
of text clustering and decision tree classifiers. We then test the robustness
of the model by exposing it to a targeted evasion attack, leveraging the
knowledge we gained about the model through the extracted explanation. |
2,728 | Towards Practical Differential Privacy in Data Analysis: Understanding the Effect of Epsilon on Utility in Private ERM | In this paper, we focus our attention on private Empirical Risk Minimization
(ERM), which is one of the most commonly used data analysis method. We take the
first step towards solving the above problem by theoretically exploring the
effect of epsilon (the parameter of differential privacy that determines the
strength of privacy guarantee) on utility of the learning model. We trace the
change of utility with modification of epsilon and reveal an established
relationship between epsilon and utility. We then formalize this relationship
and propose a practical approach for estimating the utility under an arbitrary
value of epsilon. Both theoretical analysis and experimental results
demonstrate high estimation accuracy and broad applicability of our approach in
practical applications. As providing algorithms with strong utility guarantees
that also give privacy when possible becomes more and more accepted, our
approach would have high practical value and may be likely to be adopted by
companies and organizations that would like to preserve privacy but are
unwilling to compromise on utility. |
2,729 | Fast Adversarial Training with Adaptive Step Size | While adversarial training and its variants have shown to be the most
effective algorithms to defend against adversarial attacks, their extremely
slow training process makes it hard to scale to large datasets like ImageNet.
The key idea of recent works to accelerate adversarial training is to
substitute multi-step attacks (e.g., PGD) with single-step attacks (e.g.,
FGSM). However, these single-step methods suffer from catastrophic overfitting,
where the accuracy against PGD attack suddenly drops to nearly 0% during
training, destroying the robustness of the networks. In this work, we study the
phenomenon from the perspective of training instances. We show that
catastrophic overfitting is instance-dependent and fitting instances with
larger gradient norm is more likely to cause catastrophic overfitting. Based on
our findings, we propose a simple but effective method, Adversarial Training
with Adaptive Step size (ATAS). ATAS learns an instancewise adaptive step size
that is inversely proportional to its gradient norm. The theoretical analysis
shows that ATAS converges faster than the commonly adopted non-adaptive
counterparts. Empirically, ATAS consistently mitigates catastrophic overfitting
and achieves higher robust accuracy on CIFAR10, CIFAR100 and ImageNet when
evaluated on various adversarial budgets. |
2,730 | Embrace the Gap: VAEs Perform Independent Mechanism Analysis | Variational autoencoders (VAEs) are a popular framework for modeling complex
data distributions; they can be efficiently trained via variational inference
by maximizing the evidence lower bound (ELBO), at the expense of a gap to the
exact (log-)marginal likelihood. While VAEs are commonly used for
representation learning, it is unclear why ELBO maximization would yield useful
representations, since unregularized maximum likelihood estimation cannot
invert the data-generating process. Yet, VAEs often succeed at this task. We
seek to elucidate this apparent paradox by studying nonlinear VAEs in the limit
of near-deterministic decoders. We first prove that, in this regime, the
optimal encoder approximately inverts the decoder -- a commonly used but
unproven conjecture -- which we refer to as {\em self-consistency}. Leveraging
self-consistency, we show that the ELBO converges to a regularized
log-likelihood. This allows VAEs to perform what has recently been termed
independent mechanism analysis (IMA): it adds an inductive bias towards
decoders with column-orthogonal Jacobians, which helps recovering the true
latent factors. The gap between ELBO and log-likelihood is therefore welcome,
since it bears unanticipated benefits for nonlinear representation learning. In
experiments on synthetic and image data, we show that VAEs uncover the true
latent factors when the data generating process satisfies the IMA assumption. |
2,731 | Is More Data All You Need? A Causal Exploration | Curating a large scale medical imaging dataset for machine learning
applications is both time consuming and expensive. Balancing the workload
between model development, data collection and annotations is difficult for
machine learning practitioners, especially under time constraints. Causal
analysis is often used in medicine and economics to gain insights about the
effects of actions and policies. In this paper we explore the effect of dataset
interventions on the output of image classification models. Through a causal
approach we investigate the effects of the quantity and type of data we need to
incorporate in a dataset to achieve better performance for specific subtasks.
The main goal of this paper is to highlight the potential of causal analysis as
a tool for resource optimization for developing medical imaging ML
applications. We explore this concept with a synthetic dataset and an exemplary
use-case for Diabetic Retinopathy image analysis. |
2,732 | A Simple yet Effective Method for Graph Classification | In deep neural networks, better results can often be obtained by increasing
the complexity of previously developed basic models. However, it is unclear
whether there is a way to boost performance by decreasing the complexity of
such models. Intuitively, given a problem, a simpler data structure comes with
a simpler algorithm. Here, we investigate the feasibility of improving graph
classification performance while simplifying the learning process. Inspired by
structural entropy on graphs, we transform the data sample from graphs to
coding trees, which is a simpler but essential structure for graph data.
Furthermore, we propose a novel message passing scheme, termed hierarchical
reporting, in which features are transferred from leaf nodes to root nodes by
following the hierarchical structure of coding trees. We then present a tree
kernel and a convolutional network to implement our scheme for graph
classification. With the designed message passing scheme, the tree kernel and
convolutional network have a lower runtime complexity of $O(n)$ than
Weisfeiler-Lehman subtree kernel and other graph neural networks of at least
$O(hm)$. We empirically validate our methods with several graph classification
benchmarks and demonstrate that they achieve better performance and lower
computational consumption than competing approaches. |
2,733 | Interference Management for Over-the-Air Federated Learning in Multi-Cell Wireless Networks | Federated learning (FL) over resource-constrained wireless networks has
recently attracted much attention. However, most existing studies consider one
FL task in single-cell wireless networks and ignore the impact of
downlink/uplink inter-cell interference on the learning performance. In this
paper, we investigate FL over a multi-cell wireless network, where each cell
performs a different FL task and over-the-air computation (AirComp) is adopted
to enable fast uplink gradient aggregation. We conduct convergence analysis of
AirComp-assisted FL systems, taking into account the inter-cell interference in
both the downlink and uplink model/gradient transmissions, which reveals that
the distorted model/gradient exchanges induce a gap to hinder the convergence
of FL. We characterize the Pareto boundary of the error-induced gap region to
quantify the learning performance trade-off among different FL tasks, based on
which we formulate an optimization problem to minimize the sum of error-induced
gaps in all cells. To tackle the coupling between the downlink and uplink
transmissions as well as the coupling among multiple cells, we propose a
cooperative multi-cell FL optimization framework to achieve efficient
interference management for downlink and uplink transmission design. Results
demonstrate that our proposed algorithm achieves much better average learning
performance over multiple cells than non-cooperative baseline schemes. |
2,734 | Semi-Supervised Segmentation of Mitochondria from Electron Microscopy Images Using Spatial Continuity | Morphology of mitochondria plays critical roles in mediating their
physiological functions. Accurate segmentation of mitochondria from 3D electron
microscopy (EM) images is essential to quantitative characterization of their
morphology at the nanometer scale. Fully supervised deep learning models
developed for this task achieve excellent performance but require substantial
amounts of annotated data for training. However, manual annotation of EM images
is laborious and time-consuming because of their large volumes, limited
contrast, and low signal-to-noise ratios (SNRs). To overcome this challenge, we
propose a semi-supervised deep learning model that segments mitochondria by
leveraging the spatial continuity of their structural, morphological, and
contextual information in both labeled and unlabeled images. We use random
piecewise affine transformation to synthesize comprehensive and realistic
mitochondrial morphology for augmentation of training data. Experiments on the
EPFL dataset show that our model achieves performance similar as that of
state-of-the-art fully supervised models but requires only ~20% of their
annotated training data. Our semi-supervised model is versatile and can also
accurately segment other spatially continuous structures from EM images. Data
and code of this study are openly accessible at
https://github.com/cbmi-group/MPP. |
2,735 | Automated Circuit Sizing with Multi-objective Optimization based on Differential Evolution and Bayesian Inference | With the ever increasing complexity of specifications, manual sizing for
analog circuits recently became very challenging. Especially for innovative,
large-scale circuits designs, with tens of design variables, operating
conditions and conflicting objectives to be optimized, design engineers spend
many weeks, running time-consuming simulations, in their attempt at finding the
right configuration. Recent years brought machine learning and optimization
techniques to the field of analog circuits design, with evolutionary algorithms
and Bayesian models showing good results for circuit sizing. In this context,
we introduce a design optimization method based on Generalized Differential
Evolution 3 (GDE3) and Gaussian Processes (GPs). The proposed method is able to
perform sizing for complex circuits with a large number of design variables and
many conflicting objectives to be optimized. While state-of-the-art methods
reduce multi-objective problems to single-objective optimization and
potentially induce a prior bias, we search directly over the multi-objective
space using Pareto dominance and ensure that diverse solutions are provided to
the designers to choose from. To the best of our knowledge, the proposed method
is the first to specifically address the diversity of the solutions, while also
focusing on minimizing the number of simulations required to reach feasible
configurations. We evaluate the introduced method on two voltage regulators
showing different levels of complexity and we highlight that the proposed
innovative candidate selection method and survival policy leads to obtaining
feasible solutions, with a high degree of diversity, much faster than with GDE3
or Bayesian Optimization-based algorithms. |
2,736 | Restructuring Graph for Higher Homophily via Learnable Spectral Clustering | While a growing body of literature has been studying new Graph Neural
Networks (GNNs) that work on both homophilic and heterophilic graphs, little
work has been done on adapting classical GNNs to less-homophilic graphs.
Although lacking the ability to work with less-homophilic graphs, classical
GNNs still stand out in some properties such as efficiency, simplicity and
explainability. We propose a novel graph restructuring method to maximize the
benefit of prevalent GNNs with the homophilic assumption. Our contribution is
threefold: a) learning the weight of pseudo-eigenvectors for an adaptive
spectral clustering that aligns well with known node labels, b) proposing a new
homophilic metric that measures how two nodes with the same label are likely to
be connected, and c) reconstructing the adjacency matrix based on the result of
adaptive spectral clustering to maximize the homophilic scores. The
experimental results show that our graph restructuring method can significantly
boost the performance of six classical GNNs by an average of 25% on
less-homophilic graphs. The boosted performance is comparable to
state-of-the-art methods. |
2,737 | Efficient Minimax Optimal Global Optimization of Lipschitz Continuous Multivariate Functions | In this work, we propose an efficient minimax optimal global optimization
algorithm for multivariate Lipschitz continuous functions. To evaluate the
performance of our approach, we utilize the average regret instead of the
traditional simple regret, which, as we show, is not suitable for use in the
multivariate non-convex optimization because of the inherent hardness of the
problem itself. Since we study the average regret of the algorithm, our results
directly imply a bound for the simple regret as well. Instead of constructing
lower bounding proxy functions, our method utilizes a predetermined query
creation rule, which makes it computationally superior to the Piyavskii-Shubert
variants. We show that our algorithm achieves an average regret bound of
$O(L\sqrt{n}T^{-\frac{1}{n}})$ for the optimization of an $n$-dimensional
$L$-Lipschitz continuous objective in a time horizon $T$, which we show to be
minimax optimal. |
2,738 | Adaptive Rollout Length for Model-Based RL Using Model-Free Deep RL | Model-based reinforcement learning promises to learn an optimal policy from
fewer interactions with the environment compared to model-free reinforcement
learning by learning an intermediate model of the environment in order to
predict future interactions. When predicting a sequence of interactions, the
rollout length, which limits the prediction horizon, is a critical
hyperparameter as accuracy of the predictions diminishes in the regions that
are further away from real experience. As a result, with a longer rollout
length, an overall worse policy is learned in the long run. Thus, the
hyperparameter provides a trade-off between quality and efficiency. In this
work, we frame the problem of tuning the rollout length as a meta-level
sequential decision-making problem that optimizes the final policy learned by
model-based reinforcement learning given a fixed budget of environment
interactions by adapting the hyperparameter dynamically based on feedback from
the learning process, such as accuracy of the model and the remaining budget of
interactions. We use model-free deep reinforcement learning to solve the
meta-level decision problem and demonstrate that our approach outperforms
common heuristic baselines on two well-known reinforcement learning
environments. |
2,739 | Exploring Chemical Space with Score-based Out-of-distribution Generation | A well-known limitation of existing works on molecule generation is that the
generated molecules highly resemble those in the training set. To generate
truly novel molecules with completely different structures that may have even
better properties than known molecules for de novo drug discovery, more
powerful exploration in the chemical space is necessary. To this end, we
propose Molecular Out-Of-distribution Diffusion (MOOD), a novel score-based
diffusion scheme that incorporates out-of-distribution (OOD) control in the
generative stochastic differential equation (SDE) with simple control of a
hyperparameter, thus requires no additional computational costs unlike existing
methods (e.g., RL-based methods). However, some novel molecules may be
chemically implausible, or may not meet the basic requirements of real-world
drugs. Thus, MOOD performs conditional generation by utilizing the gradients
from a property prediction network that guides the reverse-time diffusion to
high-scoring regions according to multiple target properties such as
protein-ligand interactions, drug-likeness, and synthesizability. This allows
MOOD to search for novel and meaningful molecules rather than generating unseen
yet trivial ones. We experimentally validate that MOOD is able to explore the
chemical space beyond the training distribution, generating molecules that
outscore ones found with existing methods, and even the top 0.01% of the
original training pool. |
2,740 | Machine learning models for determination of weldbead shape parameters for gas metal arc welded T-joints -- A comparative study | The shape of a weld bead is critical in assessing the quality of the welded
joint. In particular, this has a major impact in the accuracy of the results
obtained from a numerical analysis. This study focuses on the statistical
design techniques and the artificial neural networks, to predict the weld bead
shape parameters of shielded Gas Metal Arc Welded (GMAW) fillet joints.
Extensive testing was carried out on low carbon mild steel plates of
thicknesses ranging from 3mm to 10mm. Welding voltage, welding current, and
moving heat source speed were considered as the welding parameters. Three types
of multiple linear regression models (MLR) were created to establish an
empirical equation for defining GMAW bead shape parameters considering
interactive and higher order terms. Additionally, artificial neural network
(ANN) models were created based on similar scheme, and the relevance of
specific features was investigated using SHapley Additive exPlanations (SHAP).
The results reveal that MLR-based approach performs better than the ANN based
models in terms of predictability and error assessment. This study shows the
usefulness of the predictive tools to aid numerical analysis of welding. |
2,741 | Markovian Interference in Experiments | We consider experiments in dynamical systems where interventions on some
experimental units impact other units through a limiting constraint (such as a
limited inventory). Despite outsize practical importance, the best estimators
for this `Markovian' interference problem are largely heuristic in nature, and
their bias is not well understood. We formalize the problem of inference in
such experiments as one of policy evaluation. Off-policy estimators, while
unbiased, apparently incur a large penalty in variance relative to
state-of-the-art heuristics. We introduce an on-policy estimator: the
Differences-In-Q's (DQ) estimator. We show that the DQ estimator can in general
have exponentially smaller variance than off-policy evaluation. At the same
time, its bias is second order in the impact of the intervention. This yields a
striking bias-variance tradeoff so that the DQ estimator effectively dominates
state-of-the-art alternatives. From a theoretical perspective, we introduce
three separate novel techniques that are of independent interest in the theory
of Reinforcement Learning (RL). Our empirical evaluation includes a set of
experiments on a city-scale ride-hailing simulator. |
2,742 | Bi-SimCut: A Simple Strategy for Boosting Neural Machine Translation | We introduce Bi-SimCut: a simple but effective training strategy to boost
neural machine translation (NMT) performance. It consists of two procedures:
bidirectional pretraining and unidirectional finetuning. Both procedures
utilize SimCut, a simple regularization method that forces the consistency
between the output distributions of the original and the cutoff sentence pairs.
Without leveraging extra dataset via back-translation or integrating
large-scale pretrained model, Bi-SimCut achieves strong translation performance
across five translation benchmarks (data sizes range from 160K to 20.2M): BLEU
scores of 31.16 for en -> de and 38.37 for de -> en on the IWSLT14 dataset,
30.78 for en -> de and 35.15 for de -> en on the WMT14 dataset, and 27.17 for
zh -> en on the WMT17 dataset. SimCut is not a new method, but a version of
Cutoff (Shen et al., 2020) simplified and adapted for NMT, and it could be
considered as a perturbation-based method. Given the universality and
simplicity of SimCut and Bi-SimCut, we believe they can serve as strong
baselines for future NMT research. |
2,743 | Beyond Just Vision: A Review on Self-Supervised Representation Learning on Multimodal and Temporal Data | Recently, Self-Supervised Representation Learning (SSRL) has attracted much
attention in the field of computer vision, speech, natural language processing
(NLP), and recently, with other types of modalities, including time series from
sensors. The popularity of self-supervised learning is driven by the fact that
traditional models typically require a huge amount of well-annotated data for
training. Acquiring annotated data can be a difficult and costly process.
Self-supervised methods have been introduced to improve the efficiency of
training data through discriminative pre-training of models using supervisory
signals that have been freely obtained from the raw data. Unlike existing
reviews of SSRL that have pre-dominately focused upon methods in the fields of
CV or NLP for a single modality, we aim to provide the first comprehensive
review of multimodal self-supervised learning methods for temporal data. To
this end, we 1) provide a comprehensive categorization of existing SSRL
methods, 2) introduce a generic pipeline by defining the key components of a
SSRL framework, 3) compare existing models in terms of their objective
function, network architecture and potential applications, and 4) review
existing multimodal techniques in each category and various modalities.
Finally, we present existing weaknesses and future opportunities. We believe
our work develops a perspective on the requirements of SSRL in domains that
utilise multimodal and/or temporal data |
2,744 | FIFA: Making Fairness More Generalizable in Classifiers Trained on Imbalanced Data | Algorithmic fairness plays an important role in machine learning and imposing
fairness constraints during learning is a common approach. However, many
datasets are imbalanced in certain label classes (e.g. "healthy") and sensitive
subgroups (e.g. "older patients"). Empirically, this imbalance leads to a lack
of generalizability not only of classification, but also of fairness
properties, especially in over-parameterized models. For example,
fairness-aware training may ensure equalized odds (EO) on the training data,
but EO is far from being satisfied on new users. In this paper, we propose a
theoretically-principled, yet Flexible approach that is
Imbalance-Fairness-Aware (FIFA). Specifically, FIFA encourages both
classification and fairness generalization and can be flexibly combined with
many existing fair learning methods with logits-based losses. While our main
focus is on EO, FIFA can be directly applied to achieve equalized opportunity
(EqOpt); and under certain conditions, it can also be applied to other fairness
notions. We demonstrate the power of FIFA by combining it with a popular fair
classification algorithm, and the resulting algorithm achieves significantly
better fairness generalization on several real-world datasets. |
2,745 | Finite-Sample Maximum Likelihood Estimation of Location | We consider 1-dimensional location estimation, where we estimate a parameter
$\lambda$ from $n$ samples $\lambda + \eta_i$, with each $\eta_i$ drawn i.i.d.
from a known distribution $f$. For fixed $f$ the maximum-likelihood estimate
(MLE) is well-known to be optimal in the limit as $n \to \infty$: it is
asymptotically normal with variance matching the Cram\'er-Rao lower bound of
$\frac{1}{n\mathcal{I}}$, where $\mathcal{I}$ is the Fisher information of $f$.
However, this bound does not hold for finite $n$, or when $f$ varies with $n$.
We show for arbitrary $f$ and $n$ that one can recover a similar theory based
on the Fisher information of a smoothed version of $f$, where the smoothing
radius decays with $n$. |
2,746 | Convergence and sample complexity of natural policy gradient primal-dual methods for constrained MDPs | We study sequential decision making problems aimed at maximizing the expected
total reward while satisfying a constraint on the expected total utility. We
employ the natural policy gradient method to solve the discounted
infinite-horizon optimal control problem for Constrained Markov Decision
Processes (constrained MDPs). Specifically, we propose a new Natural Policy
Gradient Primal-Dual (NPG-PD) method that updates the primal variable via
natural policy gradient ascent and the dual variable via projected sub-gradient
descent. Although the underlying maximization involves a nonconcave objective
function and a nonconvex constraint set, under the softmax policy
parametrization we prove that our method achieves global convergence with
sublinear rates regarding both the optimality gap and the constraint violation.
Such convergence is independent of the size of the state-action space, i.e., it
is~dimension-free. Furthermore, for log-linear and general smooth policy
parametrizations, we establish sublinear convergence rates up to a function
approximation error caused by restricted policy parametrization. We also
provide convergence and finite-sample complexity guarantees for two
sample-based NPG-PD algorithms. Finally, we use computational experiments to
showcase the merits and the effectiveness of our approach. |
2,747 | Instance-Dependent Label-Noise Learning with Manifold-Regularized Transition Matrix Estimation | In label-noise learning, estimating the transition matrix has attracted more
and more attention as the matrix plays an important role in building
statistically consistent classifiers. However, it is very challenging to
estimate the transition matrix T(x), where x denotes the instance, because it
is unidentifiable under the instance-dependent noise(IDN). To address this
problem, we have noticed that, there are psychological and physiological
evidences showing that we humans are more likely to annotate instances of
similar appearances to the same classes, and thus poor-quality or ambiguous
instances of similar appearances are easier to be mislabeled to the correlated
or same noisy classes. Therefore, we propose assumption on the geometry of T(x)
that "the closer two instances are, the more similar their corresponding
transition matrices should be". More specifically, we formulate above
assumption into the manifold embedding, to effectively reduce the degree of
freedom of T(x) and make it stably estimable in practice. The proposed
manifold-regularized technique works by directly reducing the estimation error
without hurting the approximation error about the estimation problem of T(x).
Experimental evaluations on four synthetic and two real-world datasets
demonstrate that our method is superior to state-of-the-art approaches for
label-noise learning under the challenging IDN. |
2,748 | Decentralized, Communication- and Coordination-free Learning in Structured Matching Markets | We study the problem of online learning in competitive settings in the
context of two-sided matching markets. In particular, one side of the market,
the agents, must learn about their preferences over the other side, the firms,
through repeated interaction while competing with other agents for successful
matches. We propose a class of decentralized, communication- and
coordination-free algorithms that agents can use to reach to their stable match
in structured matching markets. In contrast to prior works, the proposed
algorithms make decisions based solely on an agent's own history of play and
requires no foreknowledge of the firms' preferences. Our algorithms are
constructed by splitting up the statistical problem of learning one's
preferences, from noisy observations, from the problem of competing for firms.
We show that under realistic structural assumptions on the underlying
preferences of the agents and firms, the proposed algorithms incur a regret
which grows at most logarithmically in the time horizon. Our results show that,
in the case of matching markets, competition need not drastically affect the
performance of decentralized, communication and coordination free online
learning algorithms. |
2,749 | Improving Model Understanding and Trust with Counterfactual Explanations of Model Confidence | In this paper, we show that counterfactual explanations of confidence scores
help users better understand and better trust an AI model's prediction in
human-subject studies. Showing confidence scores in human-agent interaction
systems can help build trust between humans and AI systems. However, most
existing research only used the confidence score as a form of communication,
and we still lack ways to explain why the algorithm is confident. This paper
also presents two methods for understanding model confidence using
counterfactual explanation: (1) based on counterfactual examples; and (2) based
on visualisation of the counterfactual space. |
2,750 | Complex Locomotion Skill Learning via Differentiable Physics | Differentiable physics enables efficient gradient-based optimizations of
neural network (NN) controllers. However, existing work typically only delivers
NN controllers with limited capability and generalizability. We present a
practical learning framework that outputs unified NN controllers capable of
tasks with significantly improved complexity and diversity. To systematically
improve training robustness and efficiency, we investigated a suite of
improvements over the baseline approach, including periodic activation
functions, and tailored loss functions. In addition, we find our adoption of
batching and an Adam optimizer effective in training complex locomotion tasks.
We evaluate our framework on differentiable mass-spring and material point
method (MPM) simulations, with challenging locomotion tasks and multiple robot
designs. Experiments show that our learning framework, based on differentiable
physics, delivers better results than reinforcement learning and converges much
faster. We demonstrate that users can interactively control soft robot
locomotion and switch among multiple goals with specified velocity, height, and
direction instructions using a unified NN controller trained in our system. |
2,751 | Early Abnormal Detection of Sewage Pipe Network: Bagging of Various Abnormal Detection Algorithms | Abnormalities of the sewage pipe network will affect the normal operation of
the whole city. Therefore, it is important to detect the abnormalities early.
This paper propose an early abnormal-detection method. The abnormalities are
detected by using the conventional algorithms, such as isolation forest
algorithm, two innovations are given: (1) The current and historical data
measured by the sensors placed in the sewage pipe network (such as ultrasonic
Doppler flowmeter) are taken as the overall dataset, and then the general
dataset is detected by using the conventional anomaly detection method to
diagnose the anomaly of the data. The anomaly refers to the sample different
from the others samples in the whole dataset. Because the definition of anomaly
is not through the algorithm, but the whole dataset, the construction of the
whole dataset is the key to propose the early abnormal-detection algorithms.
(2) A bagging strategy for a variety of conventional anomaly detection
algorithms is proposed to achieve the early detection of anomalies with the
high precision and recall. The results show that this method can achieve the
early anomaly detection with the highest precision of 98.21%, the recall rate
63.58% and F1-score of 0.774. |
2,752 | Hashing Learning with Hyper-Class Representation | Existing unsupervised hash learning is a kind of attribute-centered
calculation. It may not accurately preserve the similarity between data. This
leads to low down the performance of hash function learning. In this paper, a
hash algorithm is proposed with a hyper-class representation. It is a two-steps
approach. The first step finds potential decision features and establish
hyper-class. The second step constructs hash learning based on the hyper-class
information in the first step, so that the hash codes of the data within the
hyper-class are as similar as possible, as well as the hash codes of the data
between the hyper-classes are as different as possible. To evaluate the
efficiency, a series of experiments are conducted on four public datasets. The
experimental results show that the proposed hash algorithm is more efficient
than the compared algorithms, in terms of mean average precision (MAP), average
precision (AP) and Hamming radius 2 (HAM2) |
2,753 | JigsawHSI: a network for Hyperspectral Image classification | This article describes Jigsaw, a convolutional neural network (CNN) used in
geosciences and based on Inception but tailored for geoscientific analyses.
Introduces JigsawHSI (based on Jigsaw) and uses it on the land-use land-cover
(LULC) classification problem with the Indian Pines, Pavia University and
Salinas hyperspectral image data sets. The network is compared against
HybridSN, a spectral-spatial 3D-CNN followed by 2D-CNN that achieves
state-of-the-art results on the datasets. This short article proves that
JigsawHSI is able to meet or exceed HybridSN's performance in all three cases.
Additionally, the use of jigsaw in geosciences is highlighted, while the code
and toolkit are made available. |
2,754 | Asymptotic Instance-Optimal Algorithms for Interactive Decision Making | Past research on interactive decision making problems (bandits, reinforcement
learning, etc.) mostly focuses on the minimax regret that measures the
algorithm's performance on the hardest instance. However, an ideal algorithm
should adapt to the complexity of a particular problem instance and incur
smaller regrets on easy instances than worst-case instances. In this paper, we
design the first asymptotic instance-optimal algorithm for general interactive
decision making problems with finite number of decisions under mild conditions.
On \textit{every} instance $f$, our algorithm outperforms \emph{all} consistent
algorithms (those achieving non-trivial regrets on all instances), and has
asymptotic regret $\mathcal{C}(f) \ln n$, where $\mathcal{C}(f)$ is an exact
characterization of the complexity of $f$. The key step of the algorithm
involves hypothesis testing with active data collection. It computes the most
economical decisions with which the algorithm collects observations to test
whether an estimated instance is indeed correct; thus, the complexity
$\mathcal{C}(f)$ is the minimum cost to test the instance $f$ against other
instances. Our results, instantiated on concrete problems, recover the
classical gap-dependent bounds for multi-armed bandits [Lai and Robbins, 1985]
and prior works on linear bandits [Lattimore and Szepesvari, 2017], and improve
upon the previous best instance-dependent upper bound [Xu et al., 2021] for
reinforcement learning. |
2,755 | Efficient Machine Learning, Compilers, and Optimizations for Embedded Systems | Deep Neural Networks (DNNs) have achieved great success in a massive number
of artificial intelligence (AI) applications by delivering high-quality
computer vision, natural language processing, and virtual reality applications.
However, these emerging AI applications also come with increasing computation
and memory demands, which are challenging to handle especially for the embedded
systems where limited computation/memory resources, tight power budgets, and
small form factors are demanded. Challenges also come from the diverse
application-specific requirements, including real-time responses,
high-throughput performance, and reliable inference accuracy. To address these
challenges, we will introduce a series of effective design methods in this book
chapter to enable efficient algorithms, compilers, and various optimizations
for embedded systems. |
2,756 | Bootstrapping Semi-supervised Medical Image Segmentation with Anatomical-aware Contrastive Distillation | Contrastive learning has shown great promise over annotation scarcity
problems in the context of medical image segmentation. Existing approaches
typically assume a balanced class distribution for both labeled and unlabeled
medical images. However, medical image data in reality is commonly imbalanced
(i.e., multi-class label imbalance), which naturally yields blurry contours and
usually incorrectly labels rare objects. Moreover, it remains unclear whether
all negative samples are equally negative. In this work, we present ACTION, an
Anatomical-aware ConTrastive dIstillatiON framework, for semi-supervised
medical image segmentation. Specifically, we first develop an iterative
contrastive distillation algorithm by softly labeling the negatives rather than
binary supervision between positive and negative pairs. We also capture more
semantically similar features from the randomly chosen negative set compared to
the positives to enforce the diversity of the sampled data. Second, we raise a
more important question: Can we really handle imbalanced samples to yield
better performance? Hence, the key innovation in ACTION is to learn global
semantic relationship across the entire dataset and local anatomical features
among the neighbouring pixels with minimal additional memory footprint. During
the training, we introduce anatomical contrast by actively sampling a sparse
set of hard negative pixels, which can generate smoother segmentation
boundaries and more accurate predictions. Extensive experiments across two
benchmark datasets and different unlabeled settings show that ACTION performs
comparable or better than the current state-of-the-art supervised and
semi-supervised methods. Our code and models will be publicly available. |
2,757 | Deep Learning-based FEA surrogate for sub-sea pressure vessel | During the design process of an autonomous underwater vehicle (AUV), the
pressure vessel has a critical role. The pressure vessel contains dry
electronics, power sources, and other sensors that can not be flooded. A
traditional design approach for a pressure vessel design involves running
multiple Finite Element Analysis (FEA) based simulations and optimizing the
design to find the best suitable design which meets the requirement. Running
these FEAs are computationally very costly for any optimization process and it
becomes difficult to run even hundreds of evaluation. In such a case, a better
approach is the surrogate design with the goal of replacing FEA-based
prediction with some learning-based regressor. Once the surrogate is trained
for a class of problem, then the learned response surface can be used to
analyze the stress effect without running the FEA for that class of problem.
The challenge of creating a surrogate for a class of problems is data
generation. Since the process is computationally costly, it is not possible to
densely sample the design space and the learning response surface on sparse
data set becomes difficult. During experimentation, we observed that a Deep
Learning-based surrogate outperforms other regression models on such sparse
data. In the present work, we are utilizing the Deep Learning-based model to
replace the costly finite element analysis-based simulation process. By
creating the surrogate we speed up the prediction on the other design much
faster than direct Finite element Analysis. We also compared our DL-based
surrogate with other classical Machine Learning (ML) based regression models(
random forest and Gradient Boost regressor). We observed on the sparser data,
the DL-based surrogate performs much better than other regression models. |
2,758 | Efficient and Accurate Physics-aware Multiplex Graph Neural Networks for 3D Small Molecules and Macromolecule Complexes | Recent advances in applying Graph Neural Networks (GNNs) to molecular science
have showcased the power of learning three-dimensional (3D) structure
representations with GNNs. However, most existing GNNs suffer from the
limitations of insufficient modeling of diverse interactions, computational
expensive operations, and ignorance of vectorial values. Here, we tackle these
limitations by proposing a novel GNN model, Physics-aware Multiplex Graph
Neural Network (PaxNet), to efficiently and accurately learn the
representations of 3D molecules for both small organic compounds and
macromolecule complexes. PaxNet separates the modeling of local and non-local
interactions inspired by molecular mechanics, and reduces the expensive
angle-related computations. Besides scalar properties, PaxNet can also predict
vectorial properties by learning an associated vector for each atom. To
evaluate the performance of PaxNet, we compare it with state-of-the-art
baselines in two tasks. On small molecule dataset for predicting quantum
chemical properties, PaxNet reduces the prediction error by 15% and uses 73%
less memory than the best baseline. On macromolecule dataset for predicting
protein-ligand binding affinities, PaxNet outperforms the best baseline while
reducing the memory consumption by 33% and the inference time by 85%. Thus,
PaxNet provides a universal, robust and accurate method for large-scale machine
learning of molecules. |
2,759 | AugLoss: A Learning Methodology for Real-World Dataset Corruption | Deep Learning (DL) models achieve great successes in many domains. However,
DL models increasingly face safety and robustness concerns, including noisy
labeling in the training stage and feature distribution shifts in the testing
stage. Previous works made significant progress in addressing these problems,
but the focus has largely been on developing solutions for only one problem at
a time. For example, recent work has argued for the use of tunable robust loss
functions to mitigate label noise, and data augmentation (e.g., AugMix) to
combat distribution shifts. As a step towards addressing both problems
simultaneously, we introduce AugLoss, a simple but effective methodology that
achieves robustness against both train-time noisy labeling and test-time
feature distribution shifts by unifying data augmentation and robust loss
functions. We conduct comprehensive experiments in varied settings of
real-world dataset corruption to showcase the gains achieved by AugLoss
compared to previous state-of-the-art methods. Lastly, we hope this work will
open new directions for designing more robust and reliable DL models under
real-world corruptions. |
2,760 | Accurate Virus Identification with Interpretable Raman Signatures by Machine Learning | Rapid identification of newly emerging or circulating viruses is an important
first step toward managing the public health response to potential outbreaks. A
portable virus capture device coupled with label-free Raman Spectroscopy holds
the promise of fast detection by rapidly obtaining the Raman signature of a
virus followed by a machine learning approach applied to recognize the virus
based on its Raman spectrum, which is used as a fingerprint. We present such a
machine learning approach for analyzing Raman spectra of human and avian
viruses. A Convolutional Neural Network (CNN) classifier specifically designed
for spectral data achieves very high accuracy for a variety of virus type or
subtype identification tasks. In particular, it achieves 99% accuracy for
classifying influenza virus type A vs. type B, 96% accuracy for classifying
four subtypes of influenza A, 95% accuracy for differentiating enveloped and
non-enveloped viruses, and 99% accuracy for differentiating avian coronavirus
(infectious bronchitis virus, IBV) from other avian viruses. Furthermore,
interpretation of neural net responses in the trained CNN model using a
full-gradient algorithm highlights Raman spectral ranges that are most
important to virus identification. By correlating ML-selected salient Raman
ranges with the signature ranges of known biomolecules and chemical functional
groups (for example, amide, amino acid, carboxylic acid), we verify that our ML
model effectively recognizes the Raman signatures of proteins, lipids and other
vital functional groups present in different viruses and uses a weighted
combination of these signatures to identify viruses. |
2,761 | Sharper Rates and Flexible Framework for Nonconvex SGD with Client and Data Sampling | We revisit the classical problem of finding an approximately stationary point
of the average of $n$ smooth and possibly nonconvex functions. The optimal
complexity of stochastic first-order methods in terms of the number of gradient
evaluations of individual functions is $\mathcal{O}\left(n +
n^{1/2}\varepsilon^{-1}\right)$, attained by the optimal SGD methods
$\small\sf\color{green}{SPIDER}$(arXiv:1807.01695) and
$\small\sf\color{green}{PAGE}$(arXiv:2008.10898), for example, where
$\varepsilon$ is the error tolerance. However, i) the big-$\mathcal{O}$
notation hides crucial dependencies on the smoothness constants associated with
the functions, and ii) the rates and theory in these methods assume simplistic
sampling mechanisms that do not offer any flexibility. In this work we remedy
the situation. First, we generalize the $\small\sf\color{green}{PAGE}$
algorithm so that it can provably work with virtually any (unbiased) sampling
mechanism. This is particularly useful in federated learning, as it allows us
to construct and better understand the impact of various combinations of client
and data sampling strategies. Second, our analysis is sharper as we make
explicit use of certain novel inequalities that capture the intricate interplay
between the smoothness constants and the sampling procedure. Indeed, our
analysis is better even for the simple sampling procedure analyzed in the
$\small\sf\color{green}{PAGE}$ paper. However, this already improved bound can
be further sharpened by a different sampling scheme which we propose. In
summary, we provide the most general and most accurate analysis of optimal SGD
in the smooth nonconvex regime. Finally, our theoretical findings are supposed
with carefully designed experiments. |
2,762 | Information Threshold, Bayesian Inference and Decision-Making | We define the information threshold as the point of maximum curvature in the
prior vs. posterior Bayesian curve, both of which are described as a function
of the true positive and negative rates of the classification system in
question. The nature of the threshold is such that for sufficiently adequate
binary classification systems, retrieving excess information beyond the
threshold does not significantly alter the reliability of our classification
assessment. We hereby introduce the "marital status thought experiment" to
illustrate this idea and report a previously undefined mathematical
relationship between the Bayesian prior and posterior, which may have
significant philosophical and epistemological implications in decision theory.
Where the prior probability is a scalar between 0 and 1 given by $\phi$ and the
posterior is a scalar between 0 and 1 given by $\rho$, then at the information
threshold, $\phi_e$:
$\phi_e + \rho_e = 1$
Otherwise stated, given some degree of prior belief, we may assert its
persuasiveness when sufficient quality evidence yields a posterior so that
their combined sum equals 1. Retrieving further evidence beyond this point does
not significantly improve the posterior probability, and may serve as a
benchmark for confidence in decision-making. |
2,763 | Diffusion-GAN: Training GANs with Diffusion | For stable training of generative adversarial networks (GANs), injecting
instance noise into the input of the discriminator is considered as a
theoretically sound solution, which, however, has not yet delivered on its
promise in practice. This paper introduces Diffusion-GAN that employs a
Gaussian mixture distribution, defined over all the diffusion steps of a
forward diffusion chain, to inject instance noise. A random sample from the
mixture, which is diffused from an observed or generated data, is fed as the
input to the discriminator. The generator is updated by backpropagating its
gradient through the forward diffusion chain, whose length is adaptively
adjusted to control the maximum noise-to-data ratio allowed at each training
step. Theoretical analysis verifies the soundness of the proposed
Diffusion-GAN, which provides model- and domain-agnostic differentiable
augmentation. A rich set of experiments on diverse datasets show that
Diffusion-GAN can provide stable and data-efficient GAN training, bringing
consistent performance improvement over strong GAN baselines for synthesizing
photo-realistic images. |
2,764 | Towards Individual Grevy's Zebra Identification via Deep 3D Fitting and Metric Learning | This paper combines deep learning techniques for species detection, 3D model
fitting, and metric learning in one pipeline to perform individual animal
identification from photographs by exploiting unique coat patterns. This is the
first work to attempt this and, compared to traditional 2D bounding box or
segmentation based CNN identification pipelines, the approach provides
effective and explicit view-point normalisation and allows for a straight
forward visualisation of the learned biometric population space. Note that due
to the use of metric learning the pipeline is also readily applicable to open
set and zero shot re-identification scenarios. We apply the proposed approach
to individual Grevy's zebra (Equus grevyi) identification and show in a small
study on the SMALST dataset that the use of 3D model fitting can indeed benefit
performance. In particular, back-projected textures from 3D fitted models
improve identification accuracy from 48.0% to 56.8% compared to 2D bounding box
approaches for the dataset. Whilst the study is far too small accurately to
estimate the full performance potential achievable in larger-scale real-world
application settings and in comparisons against polished tools, our work lays
the conceptual and practical foundations for a next step in animal biometrics
towards deep metric learning driven, fully 3D-aware animal identification in
open population settings. We publish network weights and relevant facilitating
source code with this paper for full reproducibility and as inspiration for
further research. |
2,765 | Use-Case-Grounded Simulations for Explanation Evaluation | A growing body of research runs human subject evaluations to study whether
providing users with explanations of machine learning models can help them with
practical real-world use cases. However, running user studies is challenging
and costly, and consequently each study typically only evaluates a limited
number of different settings, e.g., studies often only evaluate a few
arbitrarily selected explanation methods. To address these challenges and aid
user study design, we introduce Use-Case-Grounded Simulated Evaluations
(SimEvals). SimEvals involve training algorithmic agents that take as input the
information content (such as model explanations) that would be presented to
each participant in a human subject study, to predict answers to the use case
of interest. The algorithmic agent's test set accuracy provides a measure of
the predictiveness of the information content for the downstream use case. We
run a comprehensive evaluation on three real-world use cases (forward
simulation, model debugging, and counterfactual reasoning) to demonstrate that
Simevals can effectively identify which explanation methods will help humans
for each use case. These results provide evidence that SimEvals can be used to
efficiently screen an important set of user study design decisions, e.g.
selecting which explanations should be presented to the user, before running a
potentially costly user study. |
2,766 | Augmenting Netflix Search with In-Session Adapted Recommendations | We motivate the need for recommendation systems that can cater to the members
in-the-moment intent by leveraging their interactions from the current session.
We provide an overview of an end-to-end in-session adaptive recommendations
system in the context of Netflix Search. We discuss the challenges and
potential solutions when developing such a system at production scale. |
2,767 | Zero-Shot Voice Conditioning for Denoising Diffusion TTS Models | We present a novel way of conditioning a pretrained denoising diffusion
speech model to produce speech in the voice of a novel person unseen during
training. The method requires a short (~3 seconds) sample from the target
person, and generation is steered at inference time, without any training
steps. At the heart of the method lies a sampling process that combines the
estimation of the denoising model with a low-pass version of the new speaker's
sample. The objective and subjective evaluations show that our sampling method
can generate a voice similar to that of the target speaker in terms of
frequency, with an accuracy comparable to state-of-the-art methods, and without
training. |
2,768 | OntoMerger: An Ontology Integration Library for Deduplicating and Connecting Knowledge Graph Nodes | Duplication of nodes is a common problem encountered when building knowledge
graphs (KGs) from heterogeneous datasets, where it is crucial to be able to
merge nodes having the same meaning. OntoMerger is a Python ontology
integration library whose functionality is to deduplicate KG nodes. Our
approach takes a set of KG nodes, mappings and disconnected hierarchies and
generates a set of merged nodes together with a connected hierarchy. In
addition, the library provides analytic and data testing functionalities that
can be used to fine-tune the inputs, further reducing duplication, and to
increase connectivity of the output graph. OntoMerger can be applied to a wide
variety of ontologies and KGs. In this paper we introduce OntoMerger and
illustrate its functionality on a real-world biomedical KG. |
2,769 | Enforcing Group Fairness in Algorithmic Decision Making: Utility Maximization Under Sufficiency | Binary decision making classifiers are not fair by default. Fairness
requirements are an additional element to the decision making rationale, which
is typically driven by maximizing some utility function. In that sense,
algorithmic fairness can be formulated as a constrained optimization problem.
This paper contributes to the discussion on how to implement fairness, focusing
on the fairness concepts of positive predictive value (PPV) parity, false
omission rate (FOR) parity, and sufficiency (which combines the former two). We
show that group-specific threshold rules are optimal for PPV parity and FOR
parity, similar to well-known results for other group fairness criteria.
However, depending on the underlying population distributions and the utility
function, we find that sometimes an upper-bound threshold rule for one group is
optimal: utility maximization under PPV parity (or FOR parity) might thus lead
to selecting the individuals with the smallest utility for one group, instead
of selecting the most promising individuals. This result is counter-intuitive
and in contrast to the analogous solutions for statistical parity and equality
of opportunity. We also provide a solution for the optimal decision rules
satisfying the fairness constraint sufficiency. We show that more complex
decision rules are required and that this leads to within-group unfairness for
all but one of the groups. We illustrate our findings based on simulated and
real data. |
2,770 | Offline RL for Natural Language Generation with Implicit Language Q Learning | Large language models distill broad knowledge from text corpora. However,
they can be inconsistent when it comes to completing user specified tasks. This
issue can be addressed by finetuning such models via supervised learning on
curated datasets, or via reinforcement learning. In this work, we propose a
novel offline RL motivated method, implicit language Q-learning (ILQL),
designed for use on language models, that combines both the flexible utility
optimization framework of traditional RL algorithms with supervised learning's
ability to leverage existing data and its simplicity and stability. Our method,
based on dynamic programming, employs a blend of value conservatism alongside
an implicit dataset support constraint in learning value functions, which are
then used to guide language model generations towards maximizing utility. In
addition to empirically validating ILQL, we present a detailed empirical
analysis of situations where offline RL can be useful in natural language
generation settings, demonstrating how it can be a more effective utility
optimizer than prior approaches for end-to-end dialogue, and how it can
effectively optimize high variance reward functions based on subjective
judgement, such as whether to label a comment as an example of toxic speech or
not. |
2,771 | Models of human preference for learning reward functions | The utility of reinforcement learning is limited by the alignment of reward
functions with the interests of human stakeholders. One promising method for
alignment is to learn the reward function from human-generated preferences
between pairs of trajectory segments. These human preferences are typically
assumed to be informed solely by partial return, the sum of rewards along each
segment. We find this assumption to be flawed and propose modeling preferences
instead as arising from a different statistic: each segment's regret, a measure
of a segment's deviation from optimal decision-making. Given infinitely many
preferences generated according to regret, we prove that we can identify a
reward function equivalent to the reward function that generated those
preferences. We also prove that the previous partial return model lacks this
identifiability property without preference noise that reveals rewards'
relative proportions, and we empirically show that our proposed regret
preference model outperforms it with finite training data in otherwise the same
setting. Additionally, our proposed regret preference model better predicts
real human preferences and also learns reward functions from these preferences
that lead to policies that are better human-aligned. Overall, this work
establishes that the choice of preference model is impactful, and our proposed
regret preference model provides an improvement upon a core assumption of
recent research. |
2,772 | Efficient decentralized multi-agent learning in asymmetric queuing systems | We study decentralized multi-agent learning in bipartite queuing systems, a
standard model for service systems. In particular, $N$ agents request service
from $K$ servers in a fully decentralized way, i.e, by running the same
algorithm without communication. Previous decentralized algorithms are
restricted to symmetric systems, have performance that is degrading
exponentially in the number of servers, require communication through shared
randomness and unique agent identities, and are computationally demanding. In
contrast, we provide a simple learning algorithm that, when run decentrally by
each agent, leads the queuing system to have efficient performance in general
asymmetric bipartite queuing systems while also having additional robustness
properties. Along the way, we provide the first UCB-based algorithm for the
centralized case of the problem, which resolves an open question by Krishnasamy
et al. (2016,2021). |
2,773 | U(1) Symmetry-breaking Observed in Generic CNN Bottleneck Layers | We report on a significant discovery linking deep convolutional neural
networks (CNN) to biological vision and fundamental particle physics. A model
of information propagation in a CNN is proposed via an analogy to an optical
system, where bosonic particles (i.e. photons) are concentrated as the 2D
spatial resolution of the image collapses to a focal point $1\times 1=1$. A 3D
space $(x,y,t)$ is defined by $(x,y)$ coordinates in the image plane and CNN
layer $t$, where a principal ray $(0,0,t)$ runs in the direction of information
propagation through both the optical axis and the image center pixel located at
$(x,y)=(0,0)$, about which the sharpest possible spatial focus is limited to a
circle of confusion in the image plane. Our novel insight is to model the
principal optical ray $(0,0,t)$ as geometrically equivalent to the medial
vector in the positive orthant $I(x,y) \in R^{N+}$ of a $N$-channel activation
space, e.g. along the greyscale (or luminance) vector $(t,t,t)$ in $RGB$ colour
space. Information is thus concentrated into an energy potential
$E(x,y,t)=\|I(x,y,t)\|^2$, which, particularly for bottleneck layers $t$ of
generic CNNs, is highly concentrated and symmetric about the spatial origin
$(0,0,t)$ and exhibits the well-known "Sombrero" potential of the boson
particle. This symmetry is broken in classification, where bottleneck layers of
generic pre-trained CNN models exhibit a consistent class-specific bias towards
an angle $\theta \in U(1)$ defined simultaneously in the image plane and in
activation feature space. Initial observations validate our hypothesis from
generic pre-trained CNN activation maps and a bare-bones memory-based
classification scheme, with no training or tuning. Training from scratch using
a random $U(1)$ class label the leads to improved classification in all cases. |
2,774 | Statistical Deep Learning for Spatial and Spatio-Temporal Data | Deep neural network models have become ubiquitous in recent years, and have
been applied to nearly all areas of science, engineering, and industry. These
models are particularly useful for data that have strong dependencies in space
(e.g., images) and time (e.g., sequences). Indeed, deep models have also been
extensively used by the statistical community to model spatial and
spatio-temporal data through, for example, the use of multi-level Bayesian
hierarchical models and deep Gaussian processes. In this review, we first
present an overview of traditional statistical and machine learning
perspectives for modeling spatial and spatio-temporal data, and then focus on a
variety of hybrid models that have recently been developed for latent process,
data, and parameter specifications. These hybrid models integrate statistical
modeling ideas with deep neural network models in order to take advantage of
the strengths of each modeling paradigm. We conclude by giving an overview of
computational technologies that have proven useful for these hybrid models, and
with a brief discussion on future research directions. |
2,775 | Variable-rate hierarchical CPC leads to acoustic unit discovery in speech | The success of deep learning comes from its ability to capture the
hierarchical structure of data by learning high-level representations defined
in terms of low-level ones. In this paper we explore self-supervised learning
of hierarchical representations of speech by applying multiple levels of
Contrastive Predictive Coding (CPC). We observe that simply stacking two CPC
models does not yield significant improvements over single-level architectures.
Inspired by the fact that speech is often described as a sequence of discrete
units unevenly distributed in time, we propose a model in which the output of a
low-level CPC module is non-uniformly downsampled to directly minimize the loss
of a high-level CPC module. The latter is designed to also enforce a prior of
separability and discreteness in its representations by enforcing dissimilarity
of successive high-level representations through focused negative sampling, and
by quantization of the prediction targets. Accounting for the structure of the
speech signal improves upon single-level CPC features and enhances the
disentanglement of the learned representations, as measured by downstream
speech recognition tasks, while resulting in a meaningful segmentation of the
signal that closely resembles phone boundaries. |
2,776 | Performance Comparison of Simple Transformer and Res-CNN-BiLSTM for Cyberbullying Classification | The task of text classification using Bidirectional based LSTM architectures
is computationally expensive and time consuming to train. For this,
transformers were discovered which effectively give good performance as
compared to the traditional deep learning architectures. In this paper we
present a performance based comparison between simple transformer based network
and Res-CNN-BiLSTM based network for cyberbullying text classification problem.
The results obtained show that transformer we trained with 0.65 million
parameters has significantly being able to beat the performance of
Res-CNN-BiLSTM with 48.82 million parameters for faster training speeds and
more generalized metrics. The paper also compares the 1-dimensional character
level embedding network and 100-dimensional glove embedding network with
transformer. |
2,777 | GridShift: A Faster Mode-seeking Algorithm for Image Segmentation and Object Tracking | In machine learning and computer vision, mean shift (MS) qualifies as one of
the most popular mode-seeking algorithms used for clustering and image
segmentation. It iteratively moves each data point to the weighted mean of its
neighborhood data points. The computational cost required to find the neighbors
of each data point is quadratic to the number of data points. Consequently, the
vanilla MS appears to be very slow for large-scale datasets. To address this
issue, we propose a mode-seeking algorithm called GridShift, with significant
speedup and principally based on MS. To accelerate, GridShift employs a
grid-based approach for neighbor search, which is linear in the number of data
points. In addition, GridShift moves the active grid cells (grid cells
associated with at least one data point) in place of data points towards the
higher density, a step that provides more speedup. The runtime of GridShift is
linear in the number of active grid cells and exponential in the number of
features. Therefore, it is ideal for large-scale low-dimensional applications
such as object tracking and image segmentation. Through extensive experiments,
we showcase the superior performance of GridShift compared to other MS-based as
well as state-of-the-art algorithms in terms of accuracy and runtime on
benchmark datasets for image segmentation. Finally, we provide a new
object-tracking algorithm based on GridShift and show promising results for
object tracking compared to CamShift and meanshift++. |
2,778 | Machine learning applications for electricity market agent-based models: A systematic literature review | The electricity market has a vital role to play in the decarbonisation of the
energy system. However, the electricity market is made up of many different
variables and data inputs. These variables and data inputs behave in sometimes
unpredictable ways which can not be predicted a-priori. It has therefore been
suggested that agent-based simulations are used to better understand the
dynamics of the electricity market. Agent-based models provide the opportunity
to integrate machine learning and artificial intelligence to add intelligence,
make better forecasts and control the power market in better and more efficient
ways. In this systematic literature review, we review 55 papers published
between 2016 and 2021 which focus on machine learning applied to agent-based
electricity market models. We find that research clusters around popular
topics, such as bidding strategies. However, there exists a long-tail of
different research applications that could benefit from the high intensity
research from the more investigated applications. |
2,779 | Functional Ensemble Distillation | Bayesian models have many desirable properties, most notable is their ability
to generalize from limited data and to properly estimate the uncertainty in
their predictions. However, these benefits come at a steep computational cost
as Bayesian inference, in most cases, is computationally intractable. One
popular approach to alleviate this problem is using a Monte-Carlo estimation
with an ensemble of models sampled from the posterior. However, this approach
still comes at a significant computational cost, as one needs to store and run
multiple models at test time. In this work, we investigate how to best distill
an ensemble's predictions using an efficient model. First, we argue that
current approaches that simply return distribution over predictions cannot
compute important properties, such as the covariance between predictions, which
can be valuable for further processing. Second, in many limited data settings,
all ensemble members achieve nearly zero training loss, namely, they produce
near-identical predictions on the training set which results in sub-optimal
distilled models. To address both problems, we propose a novel and general
distillation approach, named Functional Ensemble Distillation (FED), and we
investigate how to best distill an ensemble in this setting. We find that
learning the distilled model via a simple augmentation scheme in the form of
mixup augmentation significantly boosts the performance. We evaluated our
method on several tasks and showed that it achieves superior results in both
accuracy and uncertainty estimation compared to current approaches. |
2,780 | Factored Conditional Filtering: Tracking States and Estimating Parameters in High-Dimensional Spaces | This paper introduces the factored conditional filter, a new filtering
algorithm for simultaneously tracking states and estimating parameters in
high-dimensional state spaces. The conditional nature of the algorithm is used
to estimate parameters and the factored nature is used to decompose the state
space into low-dimensional subspaces in such a way that filtering on these
subspaces gives distributions whose product is a good approximation to the
distribution on the entire state space. The conditions for successful
application of the algorithm are that observations be available at the subspace
level and that the transition model can be factored into local transition
models that are approximately confined to the subspaces; these conditions are
widely satisfied in computer science, engineering, and geophysical filtering
applications. We give experimental results on tracking epidemics and estimating
parameters in large contact networks that show the effectiveness of our
approach. |
2,781 | A Survey on Deep Learning based Channel Estimation in Doubly Dispersive Environments | Wireless communications systems are impacted by multi-path fading and Doppler
shift in dynamic environments, where the channel becomes doubly-dispersive and
its estimation becomes an arduous task. Only a few pilots are used for channel
estimation in conventional approaches to preserve high data rate transmission.
Consequently, such estimators experience a significant performance degradation
in high mobility scenarios. Recently, deep learning has been employed for
doubly-dispersive channel estimation due to its low-complexity, robustness, and
good generalization ability. Against this backdrop, the current paper presents
a comprehensive survey on channel estimation techniques based on deep learning
by deeply investigating different methods. The study also provides extensive
experimental simulations followed by a computational complexity analysis. After
considering different parameters such as modulation order, mobility, frame
length, and deep learning architecture, the performance of the studied
estimators is evaluated in several mobility scenarios. In addition, the source
codes are made available online in order to make the results reproducible. |
2,782 | Estimating and Mitigating the Congestion Effect of Curbside Pick-ups and Drop-offs: A Causal Inference Approach | Curb space is one of the busiest areas in urban road networks. Especially in
recent years, the rapid increase of ride-hailing trips and commercial
deliveries has induced massive pick-ups/drop-offs (PUDOs), which occupy the
limited curb space that was designed and built decades ago. These PUDOs could
jam curb utilization and disturb the mainline traffic flow, evidently leading
to significant societal externalities. However, there is a lack of an
analytical framework that rigorously quantifies and mitigates the congestion
effect of PUDOs in the system view, particularly with little data support and
involvement of confounding effects. In view of this, this paper develops a
rigorous causal inference approach to estimate the congestion effect of PUDOs
on general networks. A causal graph is set to represent the spatio-temporal
relationship between PUDOs and traffic speed, and a double and separated
machine learning (DSML) method is proposed to quantify how PUDOs affect traffic
congestion. Additionally, a re-routing formulation is developed and solved to
encourage passenger walking and traffic flow re-routing to achieve system
optimal. Numerical experiments are conducted using real-world data in the
Manhattan area. On average, 100 additional units of PUDOs in a region could
reduce the traffic speed by 3.70 and 4.54 mph on weekdays and weekends,
respectively. Re-routing trips with PUDOs on curbs could respectively reduce
the system-wide total travel time by 2.44\% and 2.12\% in Midtown and Central
Park on weekdays. Sensitivity analysis is also conducted to demonstrate the
effectiveness and robustness of the proposed framework. |
2,783 | Vanilla Feature Distillation for Improving the Accuracy-Robustness Trade-Off in Adversarial Training | Adversarial training has been widely explored for mitigating attacks against
deep models. However, most existing works are still trapped in the dilemma
between higher accuracy and stronger robustness since they tend to fit a model
towards robust features (not easily tampered with by adversaries) while
ignoring those non-robust but highly predictive features. To achieve a better
robustness-accuracy trade-off, we propose the Vanilla Feature Distillation
Adversarial Training (VFD-Adv), which conducts knowledge distillation from a
pre-trained model (optimized towards high accuracy) to guide adversarial
training towards higher accuracy, i.e., preserving those non-robust but
predictive features. More specifically, both adversarial examples and their
clean counterparts are forced to be aligned in the feature space by distilling
predictive representations from the pre-trained/clean model, while previous
works barely utilize predictive features from clean models. Therefore, the
adversarial training model is updated towards maximally preserving the accuracy
as gaining robustness. A key advantage of our method is that it can be
universally adapted to and boost existing works. Exhaustive experiments on
various datasets, classification models, and adversarial training algorithms
demonstrate the effectiveness of our proposed method. |
2,784 | Never mind the metrics -- what about the uncertainty? Visualising confusion matrix metric distributions | There are strong incentives to build models that demonstrate outstanding
predictive performance on various datasets and benchmarks. We believe these
incentives risk a narrow focus on models and on the performance metrics used to
evaluate and compare them -- resulting in a growing body of literature to
evaluate and compare metrics. This paper strives for a more balanced
perspective on classifier performance metrics by highlighting their
distributions under different models of uncertainty and showing how this
uncertainty can easily eclipse differences in the empirical performance of
classifiers. We begin by emphasising the fundamentally discrete nature of
empirical confusion matrices and show how binary matrices can be meaningfully
represented in a three dimensional compositional lattice, whose cross-sections
form the basis of the space of receiver operating characteristic (ROC) curves.
We develop equations, animations and interactive visualisations of the contours
of performance metrics within (and beyond) this ROC space, showing how some are
affected by class imbalance. We provide interactive visualisations that show
the discrete posterior predictive probability mass functions of true and false
positive rates in ROC space, and how these relate to uncertainty in performance
metrics such as Balanced Accuracy (BA) and the Matthews Correlation Coefficient
(MCC). Our hope is that these insights and visualisations will raise greater
awareness of the substantial uncertainty in performance metric estimates that
can arise when classifiers are evaluated on empirical datasets and benchmarks,
and that classification model performance claims should be tempered by this
understanding. |
2,785 | Perspectives of Non-Expert Users on Cyber Security and Privacy: An Analysis of Online Discussions on Twitter | Current research on users` perspectives of cyber security and privacy related
to traditional and smart devices at home is very active, but the focus is often
more on specific modern devices such as mobile and smart IoT devices in a home
context. In addition, most were based on smaller-scale empirical studies such
as online surveys and interviews. We endeavour to fill these research gaps by
conducting a larger-scale study based on a real-world dataset of 413,985 tweets
posted by non-expert users on Twitter in six months of three consecutive years
(January and February in 2019, 2020 and 2021). Two machine learning-based
classifiers were developed to identify the 413,985 tweets. We analysed this
dataset to understand non-expert users` cyber security and privacy
perspectives, including the yearly trend and the impact of the COVID-19
pandemic. We applied topic modelling, sentiment analysis and qualitative
analysis of selected tweets in the dataset, leading to various interesting
findings. For instance, we observed a 54% increase in non-expert users` tweets
on cyber security and/or privacy related topics in 2021, compared to before the
start of global COVID-19 lockdowns (January 2019 to February 2020). We also
observed an increased level of help-seeking tweets during the COVID-19
pandemic. Our analysis revealed a diverse range of topics discussed by
non-expert users across the three years, including VPNs, Wi-Fi, smartphones,
laptops, smart home devices, financial security, and security and privacy
issues involving different stakeholders. Overall negative sentiment was
observed across almost all topics non-expert users discussed on Twitter in all
the three years. Our results confirm the multi-faceted nature of non-expert
users` perspectives on cyber security and privacy and call for more holistic,
comprehensive and nuanced research on different facets of such perspectives. |
2,786 | HPGNN: Using Hierarchical Graph Neural Networks for Outdoor Point Cloud Processing | Inspired by recent improvements in point cloud processing for autonomous
navigation, we focus on using hierarchical graph neural networks for processing
and feature learning over large-scale outdoor LiDAR point clouds. We observe
that existing GNN based methods fail to overcome challenges of scale and
irregularity of points in outdoor datasets. Addressing the need to preserve
structural details while learning over a larger volume efficiently, we propose
Hierarchical Point Graph Neural Network (HPGNN). It learns node features at
various levels of graph coarseness to extract information. This enables to
learn over a large point cloud while retaining fine details that existing
point-level graph networks struggle to achieve. Connections between multiple
levels enable a point to learn features in multiple scales, in a few
iterations. We design HPGNN as a purely GNN-based approach, so that it offers
modular expandability as seen with other point-based and Graph network
baselines. To illustrate the improved processing capability, we compare
previous point based and GNN models for semantic segmentation with our HPGNN,
achieving a significant improvement for GNNs (+36.7 mIoU) on the SemanticKITTI
dataset. |
2,787 | Which models are innately best at uncertainty estimation? | Deep neural networks must be equipped with an uncertainty estimation
mechanism when deployed for risk-sensitive tasks. This paper studies the
relationship between deep architectures and their training regimes with their
corresponding selective prediction and uncertainty estimation performance. We
consider both in-distribution uncertainties and class-out-of-distribution ones.
Moreover, we consider some of the most popular estimation performance metrics
previously proposed including AUROC, ECE, AURC, and coverage for selective
accuracy constraint. We present a novel and comprehensive study of selective
prediction and the uncertainty estimation performance of 484 existing
pretrained deep ImageNet classifiers that are available at popular
repositories. We identify numerous and previously unknown factors that affect
uncertainty estimation and examine the relationships between the different
metrics. We find that distillation-based training regimes consistently yield
better uncertainty estimations than other training schemes such as vanilla
training, pretraining on a larger dataset and adversarial training. We also
provide strong empirical evidence showing that ViT is by far the most superior
architecture in terms of uncertainty estimation performance, judging by any
aspect, in both in-distribution and class-out-of-distribution scenarios. |
2,788 | Early Stage Convergence and Global Convergence of Training Mildly Parameterized Neural Networks | The convergence of GD and SGD when training mildly parameterized neural
networks starting from random initialization is studied. For a broad range of
models and loss functions, including the most commonly used square loss and
cross entropy loss, we prove an ``early stage convergence'' result. We show
that the loss is decreased by a significant amount in the early stage of the
training, and this decrease is fast. Furthurmore, for exponential type loss
functions, and under some assumptions on the training data, we show global
convergence of GD. Instead of relying on extreme over-parameterization, our
study is based on a microscopic analysis of the activation patterns for the
neurons, which helps us derive more powerful lower bounds for the gradient. The
results on activation patterns, which we call ``neuron partition'', help build
intuitions for understanding the behavior of neural networks' training
dynamics, and may be of independent interest. |
2,789 | Federated Adversarial Training with Transformers | Federated learning (FL) has emerged to enable global model training over
distributed clients' data while preserving its privacy. However, the global
trained model is vulnerable to the evasion attacks especially, the adversarial
examples (AEs), carefully crafted samples to yield false classification.
Adversarial training (AT) is found to be the most promising approach against
evasion attacks and it is widely studied for convolutional neural network
(CNN). Recently, vision transformers have been found to be effective in many
computer vision tasks. To the best of the authors' knowledge, there is no work
that studied the feasibility of AT in a FL process for vision transformers.
This paper investigates such feasibility with different federated model
aggregation methods and different vision transformer models with different
tokenization and classification head techniques. In order to improve the robust
accuracy of the models with the not independent and identically distributed
(Non-IID), we propose an extension to FedAvg aggregation method, called
FedWAvg. By measuring the similarities between the last layer of the global
model and the last layer of the client updates, FedWAvg calculates the weights
to aggregate the local models updates. The experiments show that FedWAvg
improves the robust accuracy when compared with other state-of-the-art
aggregation methods. |
2,790 | DeeprETA: An ETA Post-processing System at Scale | Estimated Time of Arrival (ETA) plays an important role in delivery and
ride-hailing platforms. For example, Uber uses ETAs to calculate fares,
estimate pickup times, match riders to drivers, plan deliveries, and more.
Commonly used route planning algorithms predict an ETA conditioned on the best
available route, but such ETA estimates can be unreliable when the actual route
taken is not known in advance. In this paper, we describe an ETA
post-processing system in which a deep residual ETA network (DeeprETA) refines
naive ETAs produced by a route planning algorithm. Offline experiments and
online tests demonstrate that post-processing by DeeprETA significantly
improves upon the accuracy of naive ETAs as measured by mean and median
absolute error. We further show that post-processing by DeeprETA attains lower
error than competitive baseline regression models. |
2,791 | Learning Dynamics and Generalization in Reinforcement Learning | Solving a reinforcement learning (RL) problem poses two competing challenges:
fitting a potentially discontinuous value function, and generalizing well to
new observations. In this paper, we analyze the learning dynamics of temporal
difference algorithms to gain novel insight into the tension between these two
objectives. We show theoretically that temporal difference learning encourages
agents to fit non-smooth components of the value function early in training,
and at the same time induces the second-order effect of discouraging
generalization. We corroborate these findings in deep RL agents trained on a
range of environments, finding that neural networks trained using temporal
difference algorithms on dense reward tasks exhibit weaker generalization
between states than randomly initialized networks and networks trained with
policy gradient methods. Finally, we investigate how post-training policy
distillation may avoid this pitfall, and show that this approach improves
generalization to novel environments in the ProcGen suite and improves
robustness to input perturbations. |
2,792 | Impossibility of Collective Intelligence | Democratization of AI involves training and deploying machine learning models
across heterogeneous and potentially massive environments. Diversity of data
opens up a number of possibilities to advance AI systems, but also introduces
pressing concerns such as privacy, security, and equity that require special
attention. This work shows that it is theoretically impossible to design a
rational learning algorithm that has the ability to successfully learn across
heterogeneous environments, which we decoratively call collective intelligence
(CI). By representing learning algorithms as choice correspondences over a
hypothesis space, we are able to axiomatize them with essential properties.
Unfortunately, the only feasible algorithm compatible with all of the axioms is
the standard empirical risk minimization (ERM) which learns arbitrarily from a
single environment. Our impossibility result reveals informational
incomparability between environments as one of the foremost obstacles for
researchers who design novel algorithms that learn from multiple environments,
which sheds light on prerequisites for success in critical areas of machine
learning such as out-of-distribution generalization, federated learning,
algorithmic fairness, and multi-modal learning. |
2,793 | Searching Similarity Measure for Binarized Neural Networks | Being a promising model to be deployed in resource-limited devices, Binarized
Neural Networks (BNNs) have drawn extensive attention from both academic and
industry. However, comparing to the full-precision deep neural networks (DNNs),
BNNs suffer from non-trivial accuracy degradation, limiting its applicability
in various domains. This is partially because existing network components, such
as the similarity measure, are specially designed for DNNs, and might be
sub-optimal for BNNs.
In this work, we focus on the key component of BNNs -- the similarity
measure, which quantifies the distance between input feature maps and filters,
and propose an automatic searching method, based on genetic algorithm, for
BNN-tailored similarity measure. Evaluation results on Cifar10 and Cifar100
using ResNet, NIN and VGG show that most of the identified similarty measure
can achieve considerable accuracy improvement (up to 3.39%) over the
commonly-used cross-correlation approach. |
2,794 | Interpretable Mixture of Experts for Structured Data | With the growth of machine learning for structured data, the need for
reliable model explanations is essential, especially in high-stakes
applications. We introduce a novel framework, Interpretable Mixture of Experts
(IME), that provides interpretability for structured data while preserving
accuracy. IME consists of an assignment module and a mixture of interpretable
experts such as linear models where each sample is assigned to a single
interpretable expert. This results in an inherently-interpretable architecture
where the explanations produced by IME are the exact descriptions of how the
prediction is computed. In addition to constituting a standalone
inherently-interpretable architecture, an additional IME capability is that it
can be integrated with existing Deep Neural Networks (DNNs) to offer
interpretability to a subset of samples while maintaining the accuracy of the
DNNs. Experiments on various structured datasets demonstrate that IME is more
accurate than a single interpretable model and performs comparably to existing
state-of-the-art deep learning models in terms of accuracy while providing
faithful explanations. |
2,795 | GAAF: Searching Activation Functions for Binary Neural Networks through Genetic Algorithm | Binary neural networks (BNNs) show promising utilization in cost and
power-restricted domains such as edge devices and mobile systems. This is due
to its significantly less computation and storage demand, but at the cost of
degraded performance. To close the accuracy gap, in this paper we propose to
add a complementary activation function (AF) ahead of the sign based
binarization, and rely on the genetic algorithm (GA) to automatically search
for the ideal AFs. These AFs can help extract extra information from the input
data in the forward pass, while allowing improved gradient approximation in the
backward pass. Fifteen novel AFs are identified through our GA-based search,
while most of them show improved performance (up to 2.54% on ImageNet) when
testing on different datasets and network models. Our method offers a novel
approach for designing general and application-specific BNN architecture. Our
code is available at http://github.com/flying-Yan/GAAF. |
2,796 | AUTM Flow: Atomic Unrestricted Time Machine for Monotonic Normalizing Flows | Nonlinear monotone transformations are used extensively in normalizing flows
to construct invertible triangular mappings from simple distributions to
complex ones. In existing literature, monotonicity is usually enforced by
restricting function classes or model parameters and the inverse transformation
is often approximated by root-finding algorithms as a closed-form inverse is
unavailable. In this paper, we introduce a new integral-based approach termed
"Atomic Unrestricted Time Machine (AUTM)", equipped with unrestricted
integrands and easy-to-compute explicit inverse. AUTM offers a versatile and
efficient way to the design of normalizing flows with explicit inverse and
unrestricted function classes or parameters. Theoretically, we present a
constructive proof that AUTM is universal: all monotonic normalizing flows can
be viewed as limits of AUTM flows. We provide a concrete example to show how to
approximate any given monotonic normalizing flow using AUTM flows with
guaranteed convergence. The result implies that AUTM can be used to transform
an existing flow into a new one equipped with explicit inverse and unrestricted
parameters. The performance of the new approach is evaluated on high
dimensional density estimation, variational inference and image generation.
Experiments demonstrate superior speed and memory efficiency of AUTM. |
2,797 | Search Space Adaptation for Differentiable Neural Architecture Search in Image Classification | As deep neural networks achieve unprecedented performance in various tasks,
neural architecture search (NAS), a research field for designing neural network
architectures with automated processes, is actively underway. More recently,
differentiable NAS has a great impact by reducing the search cost to the level
of training a single network. Besides, the search space that defines candidate
architectures to be searched directly affects the performance of the final
architecture. In this paper, we propose an adaptation scheme of the search
space by introducing a search scope. The effectiveness of proposed method is
demonstrated with ProxylessNAS for the image classification task. Furthermore,
we visualize the trajectory of architecture parameter updates and provide
insights to improve the architecture search. |
2,798 | PEER: A Comprehensive and Multi-Task Benchmark for Protein Sequence Understanding | We are now witnessing significant progress of deep learning methods in a
variety of tasks (or datasets) of proteins. However, there is a lack of a
standard benchmark to evaluate the performance of different methods, which
hinders the progress of deep learning in this field. In this paper, we propose
such a benchmark called PEER, a comprehensive and multi-task benchmark for
Protein sEquence undERstanding. PEER provides a set of diverse protein
understanding tasks including protein function prediction, protein localization
prediction, protein structure prediction, protein-protein interaction
prediction, and protein-ligand interaction prediction. We evaluate different
types of sequence-based methods for each task including traditional feature
engineering approaches, different sequence encoding methods as well as
large-scale pre-trained protein language models. In addition, we also
investigate the performance of these methods under the multi-task learning
setting. Experimental results show that large-scale pre-trained protein
language models achieve the best performance for most individual tasks, and
jointly training multiple tasks further boosts the performance. The datasets
and source codes of this benchmark will be open-sourced soon. |
2,799 | ARC -- Actor Residual Critic for Adversarial Imitation Learning | Adversarial Imitation Learning (AIL) is a class of popular state-of-the-art
Imitation Learning algorithms where an artificial adversary's misclassification
is used as a reward signal and is optimized by any standard Reinforcement
Learning (RL) algorithm. Unlike most RL settings, the reward in AIL is
differentiable but model-free RL algorithms do not make use of this property to
train a policy. In contrast, we leverage the differentiability property of the
AIL reward function and formulate a class of Actor Residual Critic (ARC) RL
algorithms that draw a parallel to the standard Actor-Critic (AC) algorithms in
RL literature and uses a residual critic, C function (instead of the standard Q
function) to approximate only the discounted future return (excluding the
immediate reward). ARC algorithms have similar convergence properties as the
standard AC algorithms with the additional advantage that the gradient through
the immediate reward is exact. For the discrete (tabular) case with finite
states, actions, and known dynamics, we prove that policy iteration with $C$
function converges to an optimal policy. In the continuous case with function
approximation and unknown dynamics, we experimentally show that ARC aided AIL
outperforms standard AIL in simulated continuous-control and real robotic
manipulation tasks. ARC algorithms are simple to implement and can be
incorporated into any existing AIL implementation with an AC algorithm. |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.