Unnamed: 0.1
int64 0
113k
| Unnamed: 0
float64 0
113k
⌀ | title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|---|---|
3,708 | null | Accelerated Training of Physics Informed Neural Networks (PINNs) using Meshless Discretizations | We present a new technique for the accelerated training of physics-informed
neural networks (PINNs): discretely-trained PINNs (DT-PINNs). The repeated
computation of partial derivative terms in the PINN loss functions via
automatic differentiation during training is known to be computationally
expensive, especially for higher-order derivatives. DT-PINNs are trained by
replacing these exact spatial derivatives with high-order accurate numerical
discretizations computed using meshless radial basis function-finite
differences (RBF-FD) and applied via sparse-matrix vector multiplication. The
use of RBF-FD allows for DT-PINNs to be trained even on point cloud samples
placed on irregular domain geometries. Additionally, though traditional PINNs
(vanilla-PINNs) are typically stored and trained in 32-bit floating-point
(fp32) on the GPU, we show that for DT-PINNs, using fp64 on the GPU leads to
significantly faster training times than fp32 vanilla-PINNs with comparable
accuracy. We demonstrate the efficiency and accuracy of DT-PINNs via a series
of experiments. First, we explore the effect of network depth on both numerical
and automatic differentiation of a neural network with random weights and show
that RBF-FD approximations of third-order accuracy and above are more efficient
while being sufficiently accurate. We then compare the DT-PINNs to
vanilla-PINNs on both linear and nonlinear Poisson equations and show that
DT-PINNs achieve similar losses with 2-4x faster training times on a consumer
GPU. Finally, we also demonstrate that similar results can be obtained for the
PINN solution to the heat equation (a space-time problem) by discretizing the
spatial derivatives using RBF-FD and using automatic differentiation for the
temporal derivative. Our results show that fp64 DT-PINNs offer a superior
cost-accuracy profile to fp32 vanilla-PINNs. |
3,709 | null | Dataset Pruning: Reducing Training Data by Examining Generalization Influence | The great success of deep learning heavily relies on increasingly larger
training data, which comes at a price of huge computational and infrastructural
costs. This poses crucial questions that, do all training data contribute to
model's performance? How much does each individual training sample or a
sub-training-set affect the model's generalization, and how to construct a
smallest subset from the entire training data as a proxy training set without
significantly sacrificing the model's performance? To answer these, we propose
dataset pruning, an optimization-based sample selection method that can (1)
examine the influence of removing a particular set of training samples on
model's generalization ability with theoretical guarantee, and (2) construct a
smallest subset of training data that yields strictly constrained
generalization gap. The empirically observed generalization gap of dataset
pruning is substantially consistent with our theoretical expectations.
Furthermore, the proposed method prunes 40% training examples on the CIFAR-10
dataset, halves the convergence time with only 1.3% test accuracy decrease,
which is superior to previous score-based sample selection methods. |
3,710 | null | TransTab: Learning Transferable Tabular Transformers Across Tables | Tabular data (or tables) are the most widely used data format in machine
learning (ML). However, ML models often assume the table structure keeps fixed
in training and testing. Before ML modeling, heavy data cleaning is required to
merge disparate tables with different columns. This preprocessing often incurs
significant data waste (e.g., removing unmatched columns and samples). How to
learn ML models from multiple tables with partially overlapping columns? How to
incrementally update ML models as more columns become available over time? Can
we leverage model pretraining on multiple distinct tables? How to train an ML
model which can predict on an unseen table?
To answer all those questions, we propose to relax fixed table structures by
introducing a Transferable Tabular Transformer (TransTab) for tables. The goal
of TransTab is to convert each sample (a row in the table) to a generalizable
embedding vector, and then apply stacked transformers for feature encoding. One
methodology insight is combining column description and table cells as the raw
input to a gated transformer model. The other insight is to introduce
supervised and self-supervised pretraining to improve model performance. We
compare TransTab with multiple baseline methods on diverse benchmark datasets
and five oncology clinical trial datasets. Overall, TransTab ranks 1.00, 1.00,
1.78 out of 12 methods in supervised learning, feature incremental learning,
and transfer learning scenarios, respectively; and the proposed pretraining
leads to 2.3\% AUC lift on average over the supervised learning.} |
3,711 | null | Classifying Human Activities using Machine Learning and Deep Learning Techniques | Human Activity Recognition (HAR) describes the machines ability to recognize
human actions. Nowadays, most people on earth are health conscious, so people
are more interested in tracking their daily activities using Smartphones or
Smart Watches, which can help them manage their daily routines in a healthy
way. With this objective, Kaggle has conducted a competition to classify 6
different human activities distinctly based on the inertial signals obtained
from 30 volunteers smartphones. The main challenge in HAR is to overcome the
difficulties of separating human activities based on the given data such that
no two activities overlap. In this experimentation, first, Data visualization
is done on expert generated features with the help of t distributed Stochastic
Neighborhood Embedding followed by applying various Machine Learning techniques
like Logistic Regression, Linear SVC, Kernel SVM, Decision trees to better
classify the 6 distinct human activities. Moreover, Deep Learning techniques
like Long Short-Term Memory (LSTM), Bi-Directional LSTM, Recurrent Neural
Network (RNN), and Gated Recurrent Unit (GRU) are trained using raw time series
data. Finally, metrics like Accuracy, Confusion matrix, precision and recall
are used to evaluate the performance of the Machine Learning and Deep Learning
models. Experiment results proved that the Linear Support Vector Classifier in
machine learning and Gated Recurrent Unit in Deep Learning provided better
accuracy for human activity recognition compared to other classifiers. |
3,712 | null | Spatial Transcriptomics Dimensionality Reduction using Wavelet Bases | Spatially resolved transcriptomics (ST) measures gene expression along with
the spatial coordinates of the measurements. The analysis of ST data involves
significant computation complexity. In this work, we propose gene expression
dimensionality reduction algorithm that retains spatial structure. We combine
the wavelet transformation with matrix factorization to select
spatially-varying genes. We extract a low-dimensional representation of these
genes. We consider Empirical Bayes setting, imposing regularization through the
prior distribution of factor genes. Additionally, We provide visualization of
extracted representation genes capturing the global spatial pattern. We
illustrate the performance of our methods by spatial structure recovery and
gene expression reconstruction in simulation. In real data experiments, our
method identifies spatial structure of gene factors and outperforms regular
decomposition regarding reconstruction error. We found the connection between
the fluctuation of gene patterns and wavelet technique, providing smoother
visualization. We develop the package and share the workflow generating
reproducible quantitative results and gene visualization. The package is
available at https://github.com/OliverXUZY/waveST. |
3,713 | null | EXPANSE: A Deep Continual / Progressive Learning System for Deep Transfer Learning | Deep transfer learning techniques try to tackle the limitations of deep
learning, the dependency on extensive training data and the training costs, by
reusing obtained knowledge. However, the current DTL techniques suffer from
either catastrophic forgetting dilemma (losing the previously obtained
knowledge) or overly biased pre-trained models (harder to adapt to target data)
in finetuning pre-trained models or freezing a part of the pre-trained model,
respectively. Progressive learning, a sub-category of DTL, reduces the effect
of the overly biased model in the case of freezing earlier layers by adding a
new layer to the end of a frozen pre-trained model. Even though it has been
successful in many cases, it cannot yet handle distant source and target data.
We propose a new continual/progressive learning approach for deep transfer
learning to tackle these limitations. To avoid both catastrophic forgetting and
overly biased-model problems, we expand the pre-trained model by expanding
pre-trained layers (adding new nodes to each layer) in the model instead of
only adding new layers. Hence the method is named EXPANSE. Our experimental
results confirm that we can tackle distant source and target data using this
technique. At the same time, the final model is still valid on the source data,
achieving a promising deep continual learning approach. Moreover, we offer a
new way of training deep learning models inspired by the human education
system. We termed this two-step training: learning basics first, then adding
complexities and uncertainties. The evaluation implies that the two-step
training extracts more meaningful features and a finer basin on the error
surface since it can achieve better accuracy in comparison to regular training.
EXPANSE (model expansion and two-step training) is a systematic continual
learning approach applicable to different problems and DL models. |
3,714 | null | Mitigating Neural Network Overconfidence with Logit Normalization | Detecting out-of-distribution inputs is critical for safe deployment of
machine learning models in the real world. However, neural networks are known
to suffer from the overconfidence issue, where they produce abnormally high
confidence for both in- and out-of-distribution inputs. In this work, we show
that this issue can be mitigated through Logit Normalization (LogitNorm) -- a
simple fix to the cross-entropy loss -- by enforcing a constant vector norm on
the logits in training. Our method is motivated by the analysis that the norm
of the logit keeps increasing during training, leading to overconfident output.
Our key idea behind LogitNorm is thus to decouple the influence of output's
norm during network optimization. Trained with LogitNorm, neural networks
produce highly distinguishable confidence scores between in- and
out-of-distribution data. Extensive experiments demonstrate the superiority of
LogitNorm, reducing the average FPR95 by up to 42.30% on common benchmarks. |
3,715 | null | FedILC: Weighted Geometric Mean and Invariant Gradient Covariance for Federated Learning on Non-IID Data | Federated learning is a distributed machine learning approach which enables a
shared server model to learn by aggregating the locally-computed parameter
updates with the training data from spatially-distributed client silos. Though
successfully possessing advantages in both scale and privacy, federated
learning is hurt by domain shift problems, where the learning models are unable
to generalize to unseen domains whose data distribution is non-i.i.d. with
respect to the training domains. In this study, we propose the Federated
Invariant Learning Consistency (FedILC) approach, which leverages the gradient
covariance and the geometric mean of Hessians to capture both inter-silo and
intra-silo consistencies of environments and unravel the domain shift problems
in federated networks. The benchmark and real-world dataset experiments bring
evidence that our proposed algorithm outperforms conventional baselines and
similar federated learning algorithms. This is relevant to various fields such
as medical healthcare, computer vision, and the Internet of Things (IoT). The
code is released at https://github.com/mikemikezhu/FedILC. |
3,716 | null | Routing and Placement of Macros using Deep Reinforcement Learning | Chip placement has been one of the most time consuming task in any semi
conductor area, Due to this negligence, many projects are pushed and chips
availability in real markets get delayed. An engineer placing macros on a chip
also needs to place it optimally to reduce the three important factors like
power, performance and time. Looking at these prior problems we wanted to
introduce a new method using Reinforcement Learning where we train the model to
place the nodes of a chip netlist onto a chip canvas. We want to build a neural
architecture that will accurately reward the agent across a wide variety of
input netlist correctly. |
3,717 | null | Towards Applicable Reinforcement Learning: Improving the Generalization and Sample Efficiency with Policy Ensemble | It is challenging for reinforcement learning (RL) algorithms to succeed in
real-world applications like financial trading and logistic system due to the
noisy observation and environment shifting between training and evaluation.
Thus, it requires both high sample efficiency and generalization for resolving
real-world tasks. However, directly applying typical RL algorithms can lead to
poor performance in such scenarios. Considering the great performance of
ensemble methods on both accuracy and generalization in supervised learning
(SL), we design a robust and applicable method named Ensemble Proximal Policy
Optimization (EPPO), which learns ensemble policies in an end-to-end manner.
Notably, EPPO combines each policy and the policy ensemble organically and
optimizes both simultaneously. In addition, EPPO adopts a diversity enhancement
regularization over the policy space which helps to generalize to unseen states
and promotes exploration. We theoretically prove EPPO increases exploration
efficacy, and through comprehensive experimental evaluations on various tasks,
we demonstrate that EPPO achieves higher efficiency and is robust for
real-world applications compared with vanilla policy optimization algorithms
and other ensemble methods. Code and supplemental materials are available at
https://seqml.github.io/eppo. |
3,718 | null | Causal Inference from Small High-dimensional Datasets | Many methods have been proposed to estimate treatment effects with
observational data. Often, the choice of the method considers the application's
characteristics, such as type of treatment and outcome, confounding effect, and
the complexity of the data. These methods implicitly assume that the sample
size is large enough to train such models, especially the neural network-based
estimators. What if this is not the case? In this work, we propose
Causal-Batle, a methodology to estimate treatment effects in small
high-dimensional datasets in the presence of another high-dimensional dataset
in the same feature space. We adopt an approach that brings transfer learning
techniques into causal inference. Our experiments show that such an approach
helps to bring stability to neural network-based methods and improve the
treatment effect estimates in small high-dimensional datasets. |
3,719 | null | Threshold Designer Adaptation: Improved Adaptation for Designers in Co-creative Systems | To best assist human designers with different styles, Machine Learning (ML)
systems need to be able to adapt to them. However, there has been relatively
little prior work on how and when to best adapt an ML system to a co-designer.
In this paper we present threshold designer adaptation: a novel method for
adapting a creative ML model to an individual designer. We evaluate our
approach with a human subject study using a co-creative rhythm game design
tool. We find that designers prefer our proposed method and produce higher
quality content in comparison to an existing baseline. |
3,720 | null | A Mutually Exciting Latent Space Hawkes Process Model for Continuous-time Networks | Networks and temporal point processes serve as fundamental building blocks
for modeling complex dynamic relational data in various domains. We propose the
latent space Hawkes (LSH) model, a novel generative model for continuous-time
networks of relational events, using a latent space representation for nodes.
We model relational events between nodes using mutually exciting Hawkes
processes with baseline intensities dependent upon the distances between the
nodes in the latent space and sender and receiver specific effects. We propose
an alternating minimization algorithm to jointly estimate the latent positions
of the nodes and other model parameters. We demonstrate that our proposed LSH
model can replicate many features observed in real temporal networks including
reciprocity and transitivity, while also achieves superior prediction accuracy
and provides more interpretability compared to existing models. |
3,721 | null | IL-flOw: Imitation Learning from Observation using Normalizing Flows | We present an algorithm for Inverse Reinforcement Learning (IRL) from expert
state observations only. Our approach decouples reward modelling from policy
learning, unlike state-of-the-art adversarial methods which require updating
the reward model during policy search and are known to be unstable and
difficult to optimize. Our method, IL-flOw, recovers the expert policy by
modelling state-state transitions, by generating rewards using deep density
estimators trained on the demonstration trajectories, avoiding the instability
issues of adversarial methods. We demonstrate that using the state transition
log-probability density as a reward signal for forward reinforcement learning
translates to matching the trajectory distribution of the expert
demonstrations, and experimentally show good recovery of the true reward signal
as well as state of the art results for imitation from observation on
locomotion and robotic continuous control tasks. |
3,722 | null | MESH2IR: Neural Acoustic Impulse Response Generator for Complex 3D Scenes | We propose a mesh-based neural network (MESH2IR) to generate acoustic impulse
responses (IRs) for indoor 3D scenes represented using a mesh. The IRs are used
to create a high-quality sound experience in interactive applications and audio
processing. Our method can handle input triangular meshes with arbitrary
topologies (2K - 3M triangles). We present a novel training technique to train
MESH2IR using energy decay relief and highlight its benefits. We also show that
training MESH2IR on IRs preprocessed using our proposed technique significantly
improves the accuracy of IR generation. We reduce the non-linearity in the mesh
space by transforming 3D scene meshes to latent space using a graph convolution
network. Our MESH2IR is more than 200 times faster than a geometric acoustic
algorithm on a CPU and can generate more than 10,000 IRs per second on an
NVIDIA GeForce RTX 2080 Ti GPU for a given furnished indoor 3D scene. The
acoustic metrics are used to characterize the acoustic environment. We show
that the acoustic metrics of the IRs predicted from our MESH2IR match the
ground truth with less than 10% error. We also highlight the benefits of
MESH2IR on audio and speech processing applications such as speech
dereverberation and speech separation. To the best of our knowledge, ours is
the first neural-network-based approach to predict IRs from a given 3D scene
mesh in real-time. |
3,723 | null | Transformer-based Program Synthesis for Low-Data Environments | Recent advancements in large pre-trained transformer models (GPT2/3, T5) have
found use in program synthesis to generate programs that satisfy a set of
input/output examples. However, these models perform poorly on long-horizon and
low-data tasks, and often don't seem to understand the semantics of the
languages they generate. We investigate an approach that tackles both of these
issues, by using attributed context-free-grammars of programming languages to
generate programs, and then analyzing generated programs so that they can be
annotated with compile and runtime attributes, such as types, so that
information about the program can be remembered during long-horizon generation.
We firstly find that synthesized datasets can be made efficiently and can
provide transformer models with enough data in order to perform well on some
synthesis tasks. We also find that giving models access to program attributes
is especially effective in low-data environments, and tends improve the quality
and reduce errors of transformer-generated programs. |
3,724 | null | Riemannian Metric Learning via Optimal Transport | We introduce an optimal transport-based model for learning a metric tensor
from cross-sectional samples of evolving probability measures on a common
Riemannian manifold. We neurally parametrize the metric as a spatially-varying
matrix field and efficiently optimize our model's objective using
backpropagation. Using this learned metric, we can nonlinearly interpolate
between probability measures and compute geodesics on the manifold. We show
that metrics learned using our method improve the quality of trajectory
inference on scRNA and bird migration data at the cost of little additional
cross-sectional data. |
3,725 | null | Neural ODE Control for Trajectory Approximation of Continuity Equation | We consider the controllability problem for the continuity equation,
corresponding to neural ordinary differential equations (ODEs), which describes
how a probability measure is pushedforward by the flow. We show that the
controlled continuity equation has very strong controllability properties.
Particularly, a given solution of the continuity equation corresponding to a
bounded Lipschitz vector field defines a trajectory on the set of probability
measures. For this trajectory, we show that there exist piecewise constant
training weights for a neural ODE such that the solution of the continuity
equation corresponding to the neural ODE is arbitrarily close to it. As a
corollary to this result, we establish that the continuity equation of the
neural ODE is approximately controllable on the set of compactly supported
probability measures that are absolutely continuous with respect to the
Lebesgue measure. |
3,726 | null | Constraint-Based Causal Structure Learning from Undersampled Graphs | Graphical structures estimated by causal learning algorithms from time series
data can provide highly misleading causal information if the causal timescale
of the generating process fails to match the measurement timescale of the data.
Although this problem has been recently recognized, practitioners have limited
resources to respond to it, and so must continue using models that they know
are likely misleading. Existing methods either (a) require that the difference
between causal and measurement timescales is known; or (b) can handle only very
small number of random variables when the timescale difference is unknown; or
(c) apply to only pairs of variables, though with fewer assumptions about prior
knowledge; or (d) return impractically too many solutions. This paper addresses
all four challenges. We combine constraint programming with both theoretical
insights into the problem structure and prior information about admissible
causal interactions. The resulting system provides a practical approach that
scales to significantly larger sets (>100) of random variables, does not
require precise knowledge of the timescale difference, supports edge
misidentification and parametric connection strengths, and can provide the
optimum choice among many possible solutions. The cumulative impact of these
improvements is gain of multiple orders of magnitude in speed and
informativeness. |
3,727 | null | Scalable Multi-view Clustering with Graph Filtering | With the explosive growth of multi-source data, multi-view clustering has
attracted great attention in recent years. Most existing multi-view methods
operate in raw feature space and heavily depend on the quality of original
feature representation. Moreover, they are often designed for feature data and
ignore the rich topology structure information. Accordingly, in this paper, we
propose a generic framework to cluster both attribute and graph data with
heterogeneous features. It is capable of exploring the interplay between
feature and structure. Specifically, we first adopt graph filtering technique
to eliminate high-frequency noise to achieve a clustering-friendly smooth
representation. To handle the scalability challenge, we develop a novel
sampling strategy to improve the quality of anchors. Extensive experiments on
attribute and graph benchmarks demonstrate the superiority of our approach with
respect to state-of-the-art approaches. |
3,728 | null | A Classification of $G$-invariant Shallow Neural Networks | When trying to fit a deep neural network (DNN) to a $G$-invariant target
function with respect to a group $G$, it only makes sense to constrain the DNN
to be $G$-invariant as well. However, there can be many different ways to do
this, thus raising the problem of "$G$-invariant neural architecture design":
What is the optimal $G$-invariant architecture for a given problem? Before we
can consider the optimization problem itself, we must understand the search
space, the architectures in it, and how they relate to one another. In this
paper, we take a first step towards this goal; we prove a theorem that gives a
classification of all $G$-invariant single-hidden-layer or "shallow" neural
network ($G$-SNN) architectures with ReLU activation for any finite orthogonal
group $G$. The proof is based on a correspondence of every $G$-SNN to a signed
permutation representation of $G$ acting on the hidden neurons. The
classification is equivalently given in terms of the first cohomology classes
of $G$, thus admitting a topological interpretation. Based on a code
implementation, we enumerate the $G$-SNN architectures for some example groups
$G$ and visualize their structure. We draw the network morphisms between the
enumerated architectures that can be leveraged during neural architecture
search (NAS). Finally, we prove that architectures corresponding to
inequivalent cohomology classes in a given cohomology ring coincide in function
space only when their weight matrices are zero, and we discuss the implications
of this in the context of NAS. |
3,729 | null | Exploring the stimulative effect on following drivers in a consecutive lane-change using microscopic vehicle trajectory data | Improper lane-changing behaviors may result in breakdown of traffic flow and
the occurrence of various types of collisions. This study investigates
lane-changing behaviors of multiple vehicles and the stimulative effect on
following drivers in a consecutive lane-changing scenario. The microscopic
trajectory data from the dataset are used for driving behavior analysis.Two
discretionary lane-changing vehicle groups constitute a consecutive
lane-changing scenario, and not only distance- and speed-related factors but
also driving behaviors are taken into account to examine the impacts on the
utility of following lane-changing vehicles.A random parameters logit model is
developed to capture the driver psychological heterogeneity in the consecutive
lane-changing situation.Furthermore, a lane-changing utility prediction model
is established based on three supervised learning algorithms to detect the
improper lane-changing decision. Results indicate that (1) the consecutive
lane-changing behaviors have a significant negative effect on the following
lane-changing vehicles after lane-change; (2) the stimulative effect exists in
a consecutive lane-change situation and its influence is heterogeneous due to
different psychological activities of drivers; and (3) the utility prediction
model can be used to detect an improper lane-changing decision. |
3,730 | null | On the efficiency of Stochastic Quasi-Newton Methods for Deep Learning | While first-order methods are popular for solving optimization problems that
arise in large-scale deep learning problems, they come with some acute
deficiencies. To diminish such shortcomings, there has been recent interest in
applying second-order methods such as quasi-Newton based methods which
construct Hessians approximations using only gradient information. The main
focus of our work is to study the behaviour of stochastic quasi-Newton
algorithms for training deep neural networks. We have analyzed the performance
of two well-known quasi-Newton updates, the limited memory
Broyden-Fletcher-Goldfarb-Shanno (BFGS) and the Symmetric Rank One (SR1). This
study fills a gap concerning the real performance of both updates and analyzes
whether more efficient training is obtained when using the more robust BFGS
update or the cheaper SR1 formula which allows for indefinite Hessian
approximations and thus can potentially help to better navigate the
pathological saddle points present in the non-convex loss functions found in
deep learning. We present and discuss the results of an extensive experimental
study which includes the effect of batch normalization and network's
architecture, the limited memory parameter, the batch size and the type of
sampling strategy. we show that stochastic quasi-Newton optimizers are
efficient and able to outperform in some instances the well-known first-order
Adam optimizer run with the optimal combination of its numerous
hyperparameters. |
3,731 | null | Torchhd: An Open-Source Python Library to Support Hyperdimensional Computing Research | Hyperdimensional Computing (HDC) is a neuro-inspired computing framework that
exploits high-dimensional random vector spaces. HDC uses extremely
parallelizable arithmetic to provide computational solutions that balance
accuracy, efficiency and robustness. This has proven especially useful in
resource-limited scenarios such as embedded systems. The commitment of the
scientific community to aggregate and disseminate research in this particularly
multidisciplinary field has been fundamental for its advancement. Adding to
this effort, we propose Torchhd, a high-performance open-source Python library
for HDC. Torchhd seeks to make HDC more accessible and serves as an efficient
foundation for research and application development. The easy-to-use library
builds on top of PyTorch and features state-of-the-art HDC functionality, clear
documentation and implementation examples from notable publications. Comparing
publicly available code with their Torchhd implementation shows that
experiments can run up to 104$\times$ faster. Torchhd is available at:
https://github.com/hyperdimensional-computing/torchhd |
3,732 | null | A False Sense of Security? Revisiting the State of Machine Learning-Based Industrial Intrusion Detection | Anomaly-based intrusion detection promises to detect novel or unknown attacks
on industrial control systems by modeling expected system behavior and raising
corresponding alarms for any deviations.As manually creating these behavioral
models is tedious and error-prone, research focuses on machine learning to
train them automatically, achieving detection rates upwards of 99%. However,
these approaches are typically trained not only on benign traffic but also on
attacks and then evaluated against the same type of attack used for training.
Hence, their actual, real-world performance on unknown (not trained on) attacks
remains unclear. In turn, the reported near-perfect detection rates of machine
learning-based intrusion detection might create a false sense of security. To
assess this situation and clarify the real potential of machine learning-based
industrial intrusion detection, we develop an evaluation methodology and
examine multiple approaches from literature for their performance on unknown
attacks (excluded from training). Our results highlight an ineffectiveness in
detecting unknown attacks, with detection rates dropping to between 3.2% and
14.7% for some types of attacks. Moving forward, we derive recommendations for
further research on machine learning-based approaches to ensure clarity on
their ability to detect unknown attacks. |
3,733 | null | Hybrid Machine Learning Modeling of Engineering Systems -- A Probabilistic Perspective Tested on a Multiphase Flow Modeling Case Study | To operate process engineering systems in a safe and reliable manner,
predictive models are often used in decision making. In many cases, these are
mechanistic first principles models which aim to accurately describe the
process. In practice, the parameters of these models need to be tuned to the
process conditions at hand. If the conditions change, which is common in
practice, the model becomes inaccurate and needs to be re-tuned. In this paper,
we propose a hybrid modeling machine learning framework that allows tuning
first principles models to process conditions using two different types of
Bayesian Neural Networks. Our approach not only estimates the expected values
of the first principles model parameters but also quantifies the uncertainty of
these estimates. Such an approach of hybrid machine learning modeling is not
yet well described in the literature, so we believe this paper will provide an
additional angle at which hybrid machine learning modeling of physical systems
can be considered. As an example, we choose a multiphase pipe flow process for
which we constructed a three-phase steady state model based on the drift-flux
approach which can be used for modeling of pipe and well flow behavior in oil
and gas production systems with or without the neural network tuning. In the
simulation results, we show how uncertainty estimates of the resulting hybrid
models can be used to make better operation decisions. |
3,734 | null | High-Order Multilinear Discriminant Analysis via Order-$\textit{n}$ Tensor Eigendecomposition | Higher-order data with high dimensionality is of immense importance in many
areas of machine learning, computer vision, and video analytics.
Multidimensional arrays (commonly referred to as tensors) are used for
arranging higher-order data structures while keeping the natural representation
of the data samples. In the past decade, great efforts have been made to extend
the classic linear discriminant analysis for higher-order data classification
generally referred to as multilinear discriminant analysis (MDA). Most of the
existing approaches are based on the Tucker decomposition and $\textit{n}$-mode
tensor-matrix products. The current paper presents a new approach to
tensor-based multilinear discriminant analysis referred to as High-Order
Multilinear Discriminant Analysis (HOMLDA). This approach is based upon the
tensor decomposition where an order-$\textit{n}$ tensor can be written as a
product of order-$\textit{n}$ tensors and has a natural extension to
traditional linear discriminant analysis (LDA). Furthermore, the resulting
framework, HOMLDA, might produce a within-class scatter tensor that is close to
singular. Thus, computing the inverse inaccurately may distort the discriminant
analysis. To address this problem, an improved method referred to as Robust
High-Order Multilinear Discriminant Analysis (RHOMLDA) is introduced.
Experimental results on multiple data sets illustrate that our proposed
approach provides improved classification performance with respect to the
current Tucker decomposition-based supervised learning methods. |
3,735 | null | AI-assisted Optimization of the ECCE Tracking System at the Electron Ion Collider | The Electron-Ion Collider (EIC) is a cutting-edge accelerator facility that
will study the nature of the "glue" that binds the building blocks of the
visible matter in the universe. The proposed experiment will be realized at
Brookhaven National Laboratory in approximately 10 years from now, with
detector design and R&D currently ongoing. Notably, EIC is one of the first
large-scale facilities to leverage Artificial Intelligence (AI) already
starting from the design and R&D phases. The EIC Comprehensive Chromodynamics
Experiment (ECCE) is a consortium that proposed a detector design based on a
1.5T solenoid. The EIC detector proposal review concluded that the ECCE design
will serve as the reference design for an EIC detector. Herein we describe a
comprehensive optimization of the ECCE tracker using AI. The work required a
complex parametrization of the simulated detector system. Our approach dealt
with an optimization problem in a multidimensional design space driven by
multiple objectives that encode the detector performance, while satisfying
several mechanical constraints. We describe our strategy and show results
obtained for the ECCE tracking system. The AI-assisted design is agnostic to
the simulation framework and can be extended to other sub-detectors or to a
system of sub-detectors to further optimize the performance of the EIC
detector. |
3,736 | null | Computing the ensemble spread from deterministic weather predictions using conditional generative adversarial networks | Ensemble prediction systems are an invaluable tool for weather forecasting.
Practically, ensemble predictions are obtained by running several perturbations
of the deterministic control forecast. However, ensemble prediction is
associated with a high computational cost and often involves statistical
post-processing steps to improve its quality. Here we propose to use
deep-learning-based algorithms to learn the statistical properties of an
ensemble prediction system, the ensemble spread, given only the deterministic
control forecast. Thus, once trained, the costly ensemble prediction system
will not be needed anymore to obtain future ensemble forecasts, and the
statistical properties of the ensemble can be derived from a single
deterministic forecast. We adapt the classical pix2pix architecture to a
three-dimensional model and also experiment with a shared latent space
encoder-decoder model, and train them against several years of operational
(ensemble) weather forecasts for the 500 hPa geopotential height. The results
demonstrate that the trained models indeed allow obtaining a highly accurate
ensemble spread from the control forecast only. |
3,737 | null | LeRaC: Learning Rate Curriculum | Most curriculum learning methods require an approach to sort the data samples
by difficulty, which is often cumbersome to perform. In this work, we propose a
novel curriculum learning approach termed Learning Rate Curriculum (LeRaC),
which leverages the use of a different learning rate for each layer of a neural
network to create a data-free curriculum during the initial training epochs.
More specifically, LeRaC assigns higher learning rates to neural layers closer
to the input, gradually decreasing the learning rates as the layers are placed
farther away from the input. The learning rates increase at various paces
during the first training iterations, until they all reach the same value. From
this point on, the neural model is trained as usual. This creates a model-level
curriculum learning strategy that does not require sorting the examples by
difficulty and is compatible with any neural network, generating higher
performance levels regardless of the architecture. We conduct comprehensive
experiments on eight datasets from the computer vision (CIFAR-10, CIFAR-100,
Tiny ImageNet), language (BoolQ, QNLI, RTE) and audio (ESC-50, CREMA-D)
domains, considering various convolutional (ResNet-18, Wide-ResNet-50,
DenseNet-121), recurrent (LSTM) and transformer (CvT, BERT, SepTr)
architectures, comparing our approach with the conventional training regime.
Moreover, we also compare with Curriculum by Smoothing (CBS), a
state-of-the-art data-free curriculum learning approach. Unlike CBS, our
performance improvements over the standard training regime are consistent
across all datasets and models. Furthermore, we significantly surpass CBS in
terms of training time (there is no additional cost over the standard training
regime for LeRaC). |
3,738 | null | PreQuEL: Quality Estimation of Machine Translation Outputs in Advance | We present the task of PreQuEL, Pre-(Quality-Estimation) Learning. A PreQuEL
system predicts how well a given sentence will be translated, without recourse
to the actual translation, thus eschewing unnecessary resource allocation when
translation quality is bound to be low. PreQuEL can be defined relative to a
given MT system (e.g., some industry service) or generally relative to the
state-of-the-art. From a theoretical perspective, PreQuEL places the focus on
the source text, tracing properties, possibly linguistic features, that make a
sentence harder to machine translate.
We develop a baseline model for the task and analyze its performance. We also
develop a data augmentation method (from parallel corpora), that improves
results substantially. We show that this augmentation method can improve the
performance of the Quality-Estimation task as well. We investigate the
properties of the input text that our model is sensitive to, by testing it on
challenge sets and different languages. We conclude that it is aware of
syntactic and semantic distinctions, and correlates and even over-emphasizes
the importance of standard NLP features. |
3,739 | null | An Invariant Matching Property for Distribution Generalization under Intervened Response | The task of distribution generalization concerns making reliable prediction
of a response in unseen environments. The structural causal models are shown to
be useful to model distribution changes through intervention. Motivated by the
fundamental invariance principle, it is often assumed that the conditional
distribution of the response given its predictors remains the same across
environments. However, this assumption might be violated in practical settings
when the response is intervened. In this work, we investigate a class of model
with an intervened response. We identify a novel form of invariance by
incorporating the estimates of certain features as additional predictors.
Effectively, we show this invariance is equivalent to having a deterministic
linear matching that makes the generalization possible. We provide an explicit
characterization of the linear matching and present our simulation results
under various intervention settings. |
3,740 | null | Stochastic uncertainty analysis of gravity gradient tensor components and their combinations | Full tensor gravity (FTG) devices provide up to five independent components
of the gravity gradient tensor. However, we do not yet have a quantitative
understanding of which tensor components or combinations of components are more
important to recover a subsurface density model by gravity inversion. This is
mainly because different components may be more appropriate in different
scenarios or purposes. Knowledge of these components in different environments
can aid with selection of optimal selection of component combinations. In this
work, we propose to apply stochastic inversion to assess the uncertainty of
gravity gradient tensor components and their combinations. The method is
therefore a quantitative approach. The applied method here is based on the
geostatistical inversion (Gaussian process regression) concept using cokriging.
The cokriging variances (variance function of the GP) are found to be a useful
indicator for distinguishing the gravity gradient tensor components. This
approach is applied to the New Found dataset to demonstrate its effectiveness
in real-world applications. |
3,741 | null | DDXPlus: A New Dataset For Automatic Medical Diagnosis | There has been a rapidly growing interest in Automatic Symptom Detection
(ASD) and Automatic Diagnosis (AD) systems in the machine learning research
literature, aiming to assist doctors in telemedicine services. These systems
are designed to interact with patients, collect evidence about their symptoms
and relevant antecedents, and possibly make predictions about the underlying
diseases. Doctors would review the interactions, including the evidence and the
predictions, collect if necessary additional information from patients, before
deciding on next steps. Despite recent progress in this area, an important
piece of doctors' interactions with patients is missing in the design of these
systems, namely the differential diagnosis. Its absence is largely due to the
lack of datasets that include such information for models to train on. In this
work, we present a large-scale synthetic dataset of roughly 1.3 million
patients that includes a differential diagnosis, along with the ground truth
pathology, symptoms and antecedents, for each patient. Unlike existing datasets
which only contain binary symptoms and antecedents, this dataset also contains
categorical and multi-choice symptoms and antecedents useful for efficient data
collection. Moreover, some symptoms are organized in a hierarchy, making it
possible to design systems able to interact with patients in a logical way. As
a proof-of-concept, we extend two existing AD and ASD systems to incorporate
the differential diagnosis, and provide empirical evidence that using
differentials as training signals is essential for the efficiency of such
systems. The dataset is available at
\href{https://figshare.com/articles/dataset/DDXPlus_Dataset/20043374}{https://figshare.com/articles/dataset/DDXPlus\_Dataset/20043374}. |
3,742 | null | Relational representation learning with spike trains | Relational representation learning has lately received an increase in
interest due to its flexibility in modeling a variety of systems like
interacting particles, materials and industrial projects for, e.g., the design
of spacecraft. A prominent method for dealing with relational data are
knowledge graph embedding algorithms, where entities and relations of a
knowledge graph are mapped to a low-dimensional vector space while preserving
its semantic structure. Recently, a graph embedding method has been proposed
that maps graph elements to the temporal domain of spiking neural networks.
However, it relies on encoding graph elements through populations of neurons
that only spike once. Here, we present a model that allows us to learn spike
train-based embeddings of knowledge graphs, requiring only one neuron per graph
element by fully utilizing the temporal domain of spike patterns. This coding
scheme can be implemented with arbitrary spiking neuron models as long as
gradients with respect to spike times can be calculated, which we demonstrate
for the integrate-and-fire neuron model. In general, the presented results show
how relational knowledge can be integrated into spike-based systems, opening up
the possibility of merging event-based computing and relational data to build
powerful and energy efficient artificial intelligence applications and
reasoning systems. |
3,743 | null | Masked Autoencoders As Spatiotemporal Learners | This paper studies a conceptually simple extension of Masked Autoencoders
(MAE) to spatiotemporal representation learning from videos. We randomly mask
out spacetime patches in videos and learn an autoencoder to reconstruct them in
pixels. Interestingly, we show that our MAE method can learn strong
representations with almost no inductive bias on spacetime (only except for
patch and positional embeddings), and spacetime-agnostic random masking
performs the best. We observe that the optimal masking ratio is as high as 90%
(vs. 75% on images), supporting the hypothesis that this ratio is related to
information redundancy of the data. A high masking ratio leads to a large
speedup, e.g., > 4x in wall-clock time or even more. We report competitive
results on several challenging video datasets using vanilla Vision
Transformers. We observe that MAE can outperform supervised pre-training by
large margins. We further report encouraging results of training on real-world,
uncurated Instagram data. Our study suggests that the general framework of
masked autoencoding (BERT, MAE, etc.) can be a unified methodology for
representation learning with minimal domain knowledge. |
3,744 | null | A2C is a special case of PPO | Advantage Actor-critic (A2C) and Proximal Policy Optimization (PPO) are
popular deep reinforcement learning algorithms used for game AI in recent
years. A common understanding is that A2C and PPO are separate algorithms
because PPO's clipped objective appears significantly different than A2C's
objective. In this paper, however, we show A2C is a special case of PPO. We
present theoretical justifications and pseudocode analysis to demonstrate why.
To validate our claim, we conduct an empirical experiment using
\texttt{Stable-baselines3}, showing A2C and PPO produce the \textit{exact} same
models when other settings are controlled. |
3,745 | null | Single-Shot Optical Neural Network | As deep neural networks (DNNs) grow to solve increasingly complex problems,
they are becoming limited by the latency and power consumption of existing
digital processors. For improved speed and energy efficiency, specialized
analog optical and electronic hardware has been proposed, however, with limited
scalability (input vector length $K$ of hundreds of elements). Here, we present
a scalable, single-shot-per-layer analog optical processor that uses free-space
optics to reconfigurably distribute an input vector and integrated
optoelectronics for static, updatable weighting and the nonlinearity -- with $K
\approx 1,000$ and beyond. We experimentally test classification accuracy of
the MNIST handwritten digit dataset, achieving 94.7% (ground truth 96.3%)
without data preprocessing or retraining on the hardware. We also determine the
fundamental upper bound on throughput ($\sim$0.9 exaMAC/s), set by the maximum
optical bandwidth before significant increase in error. Our combination of wide
spectral and spatial bandwidths in a CMOS-compatible system enables highly
efficient computing for next-generation DNNs. |
3,746 | null | Conformalized Online Learning: Online Calibration Without a Holdout Set | We develop a framework for constructing uncertainty sets with a valid
coverage guarantee in an online setting, in which the underlying data
distribution can drastically -- and even adversarially -- shift over time. The
technique we propose is highly flexible as it can be integrated with any online
learning algorithm, requiring minimal implementation effort and computational
cost. A key advantage of our method over existing alternatives -- which also
build on conformal inference -- is that we do not need to split the data into
training and holdout calibration sets. This allows us to fit the predictive
model in a fully online manner, utilizing the most recent observation for
constructing calibrated uncertainty sets. Consequently, and in contrast with
existing techniques, (i) the sets we build can quickly adapt to new changes in
the distribution; and (ii) our procedure does not require refitting the model
at each time step. Using synthetic and real-world benchmark data sets, we
demonstrate the validity of our theory and the improved performance of our
proposal over existing techniques. To demonstrate the greater flexibility of
the proposed method, we show how to construct valid intervals for a
multiple-output regression problem that previous sequential calibration methods
cannot handle due to impractical computational and memory requirements. |
3,747 | null | Pluralistic Image Completion with Probabilistic Mixture-of-Experts | Pluralistic image completion focuses on generating both visually realistic
and diverse results for image completion. Prior methods enjoy the empirical
successes of this task. However, their used constraints for pluralistic image
completion are argued to be not well interpretable and unsatisfactory from two
aspects. First, the constraints for visual reality can be weakly correlated to
the objective of image completion or even redundant. Second, the constraints
for diversity are designed to be task-agnostic, which causes the constraints to
not work well. In this paper, to address the issues, we propose an end-to-end
probabilistic method. Specifically, we introduce a unified probabilistic graph
model that represents the complex interactions in image completion. The entire
procedure of image completion is then mathematically divided into several
sub-procedures, which helps efficient enforcement of constraints. The
sub-procedure directly related to pluralistic results is identified, where the
interaction is established by a Gaussian mixture model (GMM). The inherent
parameters of GMM are task-related, which are optimized adaptively during
training, while the number of its primitives can control the diversity of
results conveniently. We formally establish the effectiveness of our method and
demonstrate it with comprehensive experiments. |
3,748 | null | On the Effective Number of Linear Regions in Shallow Univariate ReLU Networks: Convergence Guarantees and Implicit Bias | We study the dynamics and implicit bias of gradient flow (GF) on univariate
ReLU neural networks with a single hidden layer in a binary classification
setting. We show that when the labels are determined by the sign of a target
network with $r$ neurons, with high probability over the initialization of the
network and the sampling of the dataset, GF converges in direction (suitably
defined) to a network achieving perfect training accuracy and having at most
$\mathcal{O}(r)$ linear regions, implying a generalization bound. Our result
may already hold for mild over-parameterization, where the width is
$\tilde{\mathcal{O}}(r)$ and independent of the sample size. |
3,749 | null | Exact Gaussian Processes for Massive Datasets via Non-Stationary Sparsity-Discovering Kernels | A Gaussian Process (GP) is a prominent mathematical framework for stochastic
function approximation in science and engineering applications. This success is
largely attributed to the GP's analytical tractability, robustness,
non-parametric structure, and natural inclusion of uncertainty quantification.
Unfortunately, the use of exact GPs is prohibitively expensive for large
datasets due to their unfavorable numerical complexity of $O(N^3)$ in
computation and $O(N^2)$ in storage. All existing methods addressing this issue
utilize some form of approximation -- usually considering subsets of the full
dataset or finding representative pseudo-points that render the covariance
matrix well-structured and sparse. These approximate methods can lead to
inaccuracies in function approximations and often limit the user's flexibility
in designing expressive kernels. Instead of inducing sparsity via data-point
geometry and structure, we propose to take advantage of naturally-occurring
sparsity by allowing the kernel to discover -- instead of induce -- sparse
structure. The premise of this paper is that GPs, in their most native form,
are often naturally sparse, but commonly-used kernels do not allow us to
exploit this sparsity. The core concept of exact, and at the same time sparse
GPs relies on kernel definitions that provide enough flexibility to learn and
encode not only non-zero but also zero covariances. This principle of
ultra-flexible, compactly-supported, and non-stationary kernels, combined with
HPC and constrained optimization, lets us scale exact GPs well beyond 5 million
data points. |
3,750 | null | Slowly Changing Adversarial Bandit Algorithms are Provably Efficient for Discounted MDPs | Reinforcement learning (RL) generalizes bandit problems with additional
difficulties on longer planning horzion and unknown transition kernel. We show
that, under some mild assumptions, \textbf{any} slowly changing adversarial
bandit algorithm enjoys near-optimal regret in adversarial bandits can achieve
near-optimal (expected) regret in non-episodic discounted MDPs. The slowly
changing property required by our generalization is mild, see e.g. (Even-Dar et
al. 2009, Neu et al. 2010), we also show, for example, \expt~(Auer et al. 2002)
is slowly changing and enjoys near-optimal regret in MDPs. |
3,751 | null | Position Aided Beam Prediction in the Real World: How Useful GPS Locations Actually Are? | Millimeter-wave (mmWave) communication systems rely on narrow beams for
achieving sufficient receive signal power. Adjusting these beams is typically
associated with large training overhead, which becomes particularly critical
for highly-mobile applications. Intuitively, since optimal beam selection can
benefit from the knowledge of the positions of communication terminals, there
has been increasing interest in leveraging position data to reduce the overhead
in mmWave beam prediction. Prior work, however, studied this problem using only
synthetic data that generally does not accurately represent real-world
measurements. In this paper, we investigate position-aided beam prediction
using a real-world large-scale dataset to derive insights into precisely how
much overhead can be saved in practice. Furthermore, we analyze which machine
learning algorithms perform best, what factors degrade inference performance in
real data, and which machine learning metrics are more meaningful in capturing
the actual communication system performance. |
3,752 | null | Maslow's Hammer for Catastrophic Forgetting: Node Re-Use vs Node Activation | Continual learning - learning new tasks in sequence while maintaining
performance on old tasks - remains particularly challenging for artificial
neural networks. Surprisingly, the amount of forgetting does not increase with
the dissimilarity between the learned tasks, but appears to be worst in an
intermediate similarity regime.
In this paper we theoretically analyse both a synthetic teacher-student
framework and a real data setup to provide an explanation of this phenomenon
that we name Maslow's hammer hypothesis. Our analysis reveals the presence of a
trade-off between node activation and node re-use that results in worst
forgetting in the intermediate regime. Using this understanding we reinterpret
popular algorithmic interventions for catastrophic interference in terms of
this trade-off, and identify the regimes in which they are most effective. |
3,753 | null | Learning latent representations for operational nitrogen response rate prediction | Learning latent representations has aided operational decision-making in
several disciplines. Its advantages include uncovering hidden interactions in
data and automating procedures which were performed manually in the past.
Representation learning is also being adopted by earth and environmental
sciences. However, there are still subfields that depend on manual feature
engineering based on expert knowledge and the use of algorithms which do not
utilize the latent space. Relying on those techniques can inhibit operational
decision-making since they impose data constraints and inhibit automation. In
this work, we adopt a case study for nitrogen response rate prediction and
examine if representation learning can be used for operational use. We compare
a Multilayer Perceptron, an Autoencoder, and a dual-head Autoencoder with a
reference Random Forest model for nitrogen response rate prediction. To bring
the predictions closer to an operational setting we assume absence of future
weather data, and we are evaluating the models using error metrics and a
domain-derived error threshold. The results show that learning latent
representations can provide operational nitrogen response rate predictions by
offering performance equal and sometimes better than the reference model. |
3,754 | null | Exploring the Advantages of Dense-Vector to One-Hot Encoding of Intent Classes in Out-of-Scope Detection Tasks | This work explores the intrinsic limitations of the popular one-hot encoding
method in classification of intents when detection of out-of-scope (OOS) inputs
is required. Although recent work has shown that there can be significant
improvements in OOS detection when the intent classes are represented as
dense-vectors based on domain specific knowledge, we argue in this paper that
such gains are more likely due to advantages of dense-vector to one-hot
encoding methods in representing the complexity of the OOS space. We start by
showing how dense-vector encodings can create OOS spaces with much richer
topologies than one-hot encoding methods. We then demonstrate empirically,
using four standard intent classification datasets, that knowledge-free,
randomly generated dense-vector encodings of intent classes can yield massive,
over 20% gains over one-hot encodings, and also outperform the previous, domain
knowledge-based, SOTA of one of the datasets. We finish by describing a novel
algorithm to search for good dense-vector encodings and present initial but
promising experimental results of its use. |
3,755 | null | A weakly supervised framework for high-resolution crop yield forecasts | Predictor inputs and label data for crop yield forecasting are not always
available at the same spatial resolution. We propose a deep learning framework
that uses high resolution inputs and low resolution labels to produce crop
yield forecasts for both spatial levels. The forecasting model is calibrated by
weak supervision from low resolution crop area and yield statistics. We
evaluated the framework by disaggregating regional yields in Europe from parent
statistical regions to sub-regions for five countries (Germany, Spain, France,
Hungary, Italy) and two crops (soft wheat and potatoes). Performance of weakly
supervised models was compared with linear trend models and Gradient-Boosted
Decision Trees (GBDT). Higher resolution crop yield forecasts are useful to
policymakers and other stakeholders. Weakly supervised deep learning methods
provide a way to produce such forecasts even in the absence of high resolution
yield data. |
3,756 | null | Constraining the Attack Space of Machine Learning Models with Distribution Clamping Preprocessing | Preprocessing and outlier detection techniques have both been applied to
neural networks to increase robustness with varying degrees of success. In this
paper, we formalize the ideal preprocessor function as one that would take any
input and set it to the nearest in-distribution input. In other words, we
detect any anomalous pixels and set them such that the new input is
in-distribution. We then illustrate a relaxed solution to this problem in the
context of patch attacks. Specifically, we demonstrate that we can model
constraints on the patch attack that specify regions as out of distribution.
With these constraints, we are able to preprocess inputs successfully,
increasing robustness on CARLA object detection. |
3,757 | null | Fast Neural Network based Solving of Partial Differential Equations | We present a novel method for using Neural Networks (NNs) for finding
solutions to a class of Partial Differential Equations (PDEs). Our method
builds on recent advances in Neural Radiance Field research (NeRFs) and allows
for a NN to converge to a PDE solution much faster than classic Physically
Informed Neural Network (PINNs) approaches. |
3,758 | null | One Explanation to Rule them All -- Ensemble Consistent Explanations | Transparency is a major requirement of modern AI based decision making
systems deployed in real world. A popular approach for achieving transparency
is by means of explanations. A wide variety of different explanations have been
proposed for single decision making systems. In practice it is often the case
to have a set (i.e. ensemble) of decisions that are used instead of a single
decision only, in particular in complex systems. Unfortunately, explanation
methods for single decision making systems are not easily applicable to
ensembles -- i.e. they would yield an ensemble of individual explanations which
are not necessarily consistent, hence less useful and more difficult to
understand than a single consistent explanation of all observed phenomena. We
propose a novel concept for consistently explaining an ensemble of decisions
locally with a single explanation -- we introduce a formal concept, as well as
a specific implementation using counterfactual explanations. |
3,759 | null | Fast matrix multiplication for binary and ternary CNNs on ARM CPU | Low-bit quantized neural networks are of great interest in practical
applications because they significantly reduce the consumption of both memory
and computational resources. Binary neural networks are memory and
computationally efficient as they require only one bit per weight and
activation and can be computed using Boolean logic and bit count operations.
QNNs with ternary weights and activations and binary weights and ternary
activations aim to improve recognition quality compared to BNNs while
preserving low bit-width. However, their efficient implementation is usually
considered on ASICs and FPGAs, limiting their applicability in real-life tasks.
At the same time, one of the areas where efficient recognition is most in
demand is recognition on mobile devices using their CPUs. However, there are no
known fast implementations of TBNs and TNN, only the daBNN library for BNNs
inference. In this paper, we propose novel fast algorithms of ternary,
ternary-binary, and binary matrix multiplication for mobile devices with ARM
architecture. In our algorithms, ternary weights are represented using 2-bit
encoding and binary - using one bit. It allows us to replace matrix
multiplication with Boolean logic operations that can be computed on 128-bits
simultaneously, using ARM NEON SIMD extension. The matrix multiplication
results are accumulated in 16-bit integer registers. We also use special
reordering of values in left and right matrices. All that allows us to
efficiently compute a matrix product while minimizing the number of loads and
stores compared to the algorithm from daBNN. Our algorithms can be used to
implement inference of convolutional and fully connected layers of TNNs, TBNs,
and BNNs. We evaluate them experimentally on ARM Cortex-A73 CPU and compare
their inference speed to efficient implementations of full-precision, 8-bit,
and 4-bit quantized matrix multiplications. |
3,760 | null | Meta-Learning Sparse Compression Networks | Recent work in Deep Learning has re-imagined the representation of data as
functions mapping from a coordinate space to an underlying continuous signal.
When such functions are approximated by neural networks this introduces a
compelling alternative to the more common multi-dimensional array
representation. Recent work on such Implicit Neural Representations (INRs) has
shown that - following careful architecture search - INRs can outperform
established compression methods such as JPEG (e.g. Dupont et al., 2021). In
this paper, we propose crucial steps towards making such ideas scalable:
Firstly, we employ stateof-the-art network sparsification techniques to
drastically improve compression. Secondly, introduce the first method allowing
for sparsification to be employed in the inner-loop of commonly used
Meta-Learning algorithms, drastically improving both compression and the
computational cost of learning INRs. The generality of this formalism allows us
to present results on diverse data modalities such as images, manifolds, signed
distance functions, 3D shapes and scenes, several of which establish new
state-of-the-art results. |
3,761 | null | SoK: The Impact of Unlabelled Data in Cyberthreat Detection | Machine learning (ML) has become an important paradigm for cyberthreat
detection (CTD) in the recent years. A substantial research effort has been
invested in the development of specialized algorithms for CTD tasks. From the
operational perspective, however, the progress of ML-based CTD is hindered by
the difficulty in obtaining the large sets of labelled data to train ML
detectors. A potential solution to this problem are semisupervised learning
(SsL) methods, which combine small labelled datasets with large amounts of
unlabelled data.
This paper is aimed at systematization of existing work on SsL for CTD and,
in particular, on understanding the utility of unlabelled data in such systems.
To this end, we analyze the cost of labelling in various CTD tasks and develop
a formal cost model for SsL in this context. Building on this foundation, we
formalize a set of requirements for evaluation of SsL methods, which elucidates
the contribution of unlabelled data. We review the state-of-the-art and observe
that no previous work meets such requirements. To address this problem, we
propose a framework for assessing the benefits of unlabelled data in SsL. We
showcase an application of this framework by performing the first benchmark
evaluation that highlights the tradeoffs of 9 existing SsL methods on 9 public
datasets. Our findings verify that, in some cases, unlabelled data provides a
small, but statistically significant, performance gain. This paper highlights
that SsL in CTD has a lot of room for improvement, which should stimulate
future research in this field. |
3,762 | null | Deep Features for CBIR with Scarce Data using Hebbian Learning | Features extracted from Deep Neural Networks (DNNs) have proven to be very
effective in the context of Content Based Image Retrieval (CBIR). In recent
work, biologically inspired \textit{Hebbian} learning algorithms have shown
promises for DNN training. In this contribution, we study the performance of
such algorithms in the development of feature extractors for CBIR tasks.
Specifically, we consider a semi-supervised learning strategy in two steps:
first, an unsupervised pre-training stage is performed using Hebbian learning
on the image dataset; second, the network is fine-tuned using supervised
Stochastic Gradient Descent (SGD) training. For the unsupervised pre-training
stage, we explore the nonlinear Hebbian Principal Component Analysis (HPCA)
learning rule. For the supervised fine-tuning stage, we assume sample
efficiency scenarios, in which the amount of labeled samples is just a small
fraction of the whole dataset. Our experimental analysis, conducted on the
CIFAR10 and CIFAR100 datasets shows that, when few labeled samples are
available, our Hebbian approach provides relevant improvements compared to
various alternative methods. |
3,763 | null | Imagining new futures beyond predictive systems in child welfare: A qualitative study with impacted stakeholders | Child welfare agencies across the United States are turning to data-driven
predictive technologies (commonly called predictive analytics) which use
government administrative data to assist workers' decision-making. While some
prior work has explored impacted stakeholders' concerns with current uses of
data-driven predictive risk models (PRMs), less work has asked stakeholders
whether such tools ought to be used in the first place. In this work, we
conducted a set of seven design workshops with 35 stakeholders who have been
impacted by the child welfare system or who work in it to understand their
beliefs and concerns around PRMs, and to engage them in imagining new uses of
data and technologies in the child welfare system. We found that participants
worried current PRMs perpetuate or exacerbate existing problems in child
welfare. Participants suggested new ways to use data and data-driven tools to
better support impacted communities and suggested paths to mitigate possible
harms of these tools. Participants also suggested low-tech or no-tech
alternatives to PRMs to address problems in child welfare. Our study sheds
light on how researchers and designers can work in solidarity with impacted
communities, possibly to circumvent or oppose child welfare agencies. |
3,764 | null | Generating Explanations from Deep Reinforcement Learning Using Episodic Memory | Deep Reinforcement Learning (RL) involves the use of Deep Neural Networks
(DNNs) to make sequential decisions in order to maximize reward. For many tasks
the resulting sequence of actions produced by a Deep RL policy can be long and
difficult to understand for humans. A crucial component of human explanations
is selectivity, whereby only key decisions and causes are recounted. Imbuing
Deep RL agents with such an ability would make their resulting policies easier
to understand from a human perspective and generate a concise set of
instructions to aid the learning of future agents. To this end we use a Deep RL
agent with an episodic memory system to identify and recount key decisions
during policy execution. We show that these decisions form a short, human
readable explanation that can also be used to speed up the learning of naive
Deep RL agents in an algorithm-independent manner. |
3,765 | null | Price Interpretability of Prediction Markets: A Convergence Analysis | Prediction markets are long known for prediction accuracy. However, there is
still a lack of systematic understanding of how prediction markets aggregate
information and why they work so well. This work proposes a multivariate
utility (MU)-based mechanism that unifies several existing prediction
market-making schemes. Based on this mechanism, we derive convergence results
for markets with myopic, risk-averse traders who repeatedly interact with the
market maker. We show that the resulting limiting wealth distribution lies on
the Pareto efficient frontier defined by all market participants' utilities.
With the help of this result, we establish both analytical and numerical
results for the limiting price for different market models. We show that the
limiting price converges to the geometric mean of agents' beliefs for
exponential utility-based markets. For risk measure-based markets, we construct
a risk measure family that meets the convergence requirements and show that the
limiting price can converge to a weighted power mean of agent beliefs. For
markets based on hyperbolic absolute risk aversion (HARA) utilities, we show
that the limiting price is also a risk-adjusted weighted power mean of agent
beliefs, even though the trading order will affect the aggregation weights. We
further propose an approximation scheme for the limiting price under the HARA
utility family. We show through numerical experiments that our approximation
scheme works well in predicting the convergent prices. |
3,766 | null | FiLM: Frequency improved Legendre Memory Model for Long-term Time Series Forecasting | Recent studies have shown that deep learning models such as RNNs and
Transformers have brought significant performance gains for long-term
forecasting of time series because they effectively utilize historical
information. We found, however, that there is still great room for improvement
in how to preserve historical information in neural networks while avoiding
overfitting to noise presented in the history. Addressing this allows better
utilization of the capabilities of deep learning models. To this end, we design
a \textbf{F}requency \textbf{i}mproved \textbf{L}egendre \textbf{M}emory model,
or {\bf FiLM}: it applies Legendre Polynomials projections to approximate
historical information, uses Fourier projection to remove noise, and adds a
low-rank approximation to speed up computation. Our empirical studies show that
the proposed FiLM significantly improves the accuracy of state-of-the-art
models in multivariate and univariate long-term forecasting by
(\textbf{20.3\%}, \textbf{22.6\%}), respectively. We also demonstrate that the
representation module developed in this work can be used as a general plug-in
to improve the long-term prediction performance of other deep learning modules.
Code will be released soon. |
3,767 | null | GeoPointGAN: Synthetic Spatial Data with Local Label Differential Privacy | Synthetic data generation is a fundamental task for many data management and
data science applications. Spatial data is of particular interest, and its
sensitive nature often leads to privacy concerns. We introduce GeoPointGAN, a
novel GAN-based solution for generating synthetic spatial point datasets with
high utility and strong individual level privacy guarantees. GeoPointGAN's
architecture includes a novel point transformation generator that learns to
project randomly generated point co-ordinates into meaningful synthetic
co-ordinates that capture both microscopic (e.g., junctions, squares) and
macroscopic (e.g., parks, lakes) geographic features. We provide our privacy
guarantees through label local differential privacy, which is more practical
than traditional local differential privacy. We seamlessly integrate this level
of privacy into GeoPointGAN by augmenting the discriminator to the point level
and implementing a randomized response-based mechanism that flips the labels
associated with the 'real' and 'fake' points used in training. Extensive
experiments show that GeoPointGAN significantly outperforms recent solutions,
improving by up to 10 times compared to the most competitive baseline. We also
evaluate GeoPointGAN using range, hotspot, and facility location queries, which
confirm the practical effectiveness of GeoPointGAN for privacy-preserving
querying. The results illustrate that a strong level of privacy is achieved
with little-to-no adverse utility cost, which we explain through the
generalization and regularization effects that are realized by flipping the
labels of the data during training. |
3,768 | null | Multi-disciplinary fairness considerations in machine learning for clinical trials | While interest in the application of machine learning to improve healthcare
has grown tremendously in recent years, a number of barriers prevent deployment
in medical practice. A notable concern is the potential to exacerbate
entrenched biases and existing health disparities in society. The area of
fairness in machine learning seeks to address these issues of equity; however,
appropriate approaches are context-dependent, necessitating domain-specific
consideration. We focus on clinical trials, i.e., research studies conducted on
humans to evaluate medical treatments. Clinical trials are a relatively
under-explored application in machine learning for healthcare, in part due to
complex ethical, legal, and regulatory requirements and high costs. Our aim is
to provide a multi-disciplinary assessment of how fairness for machine learning
fits into the context of clinical trials research and practice. We start by
reviewing the current ethical considerations and guidelines for clinical trials
and examine their relationship with common definitions of fairness in machine
learning. We examine potential sources of unfairness in clinical trials,
providing concrete examples, and discuss the role machine learning might play
in either mitigating potential biases or exacerbating them when applied without
care. Particular focus is given to adaptive clinical trials, which may employ
machine learning. Finally, we highlight concepts that require further
investigation and development, and emphasize new approaches to fairness that
may be relevant to the design of clinical trials. |
3,769 | null | Efficient Mixed Dimension Embeddings for Matrix Factorization | Despite the prominence of neural network approaches in the field of
recommender systems, simple methods such as matrix factorization with quadratic
loss are still used in industry for several reasons. These models can be
trained with alternating least squares, which makes them easy to implement in a
massively parallel manner, thus making it possible to utilize billions of
events from real-world datasets. Large-scale recommender systems need to
account for severe popularity skew in the distributions of users and items, so
a lot of research is focused on implementing sparse, mixed dimension or shared
embeddings to reduce both the number of parameters and overfitting on rare
users and items. In this paper we propose two matrix factorization models with
mixed dimension embeddings, which can be optimized in a massively parallel
fashion using the alternating least squares approach. |
3,770 | null | The Kernelized Taylor Diagram | This paper presents the kernelized Taylor diagram, a graphical framework for
visualizing similarities between data populations. The kernelized Taylor
diagram builds on the widely used Taylor diagram, which is used to visualize
similarities between populations. However, the Taylor diagram has several
limitations such as not capturing non-linear relationships and sensitivity to
outliers. To address such limitations, we propose the kernelized Taylor
diagram. Our proposed kernelized Taylor diagram is capable of visualizing
similarities between populations with minimal assumptions of the data
distributions. The kernelized Taylor diagram relates the maximum mean
discrepancy and the kernel mean embedding in a single diagram, a construction
that, to the best of our knowledge, have not been devised prior to this work.
We believe that the kernelized Taylor diagram can be a valuable tool in data
visualization. |
3,771 | null | Federated learning: Applications, challenges and future directions | Federated learning (FL) is a system in which a central aggregator coordinates
the efforts of multiple clients to solve machine learning problems. This
setting allows training data to be dispersed in order to protect privacy. The
purpose of this paper is to provide an overview of FL systems with a focus on
healthcare. FL is evaluated here based on its frameworks, architectures, and
applications. It is shown here that FL solves the preceding issues with a
shared global deep learning (DL) model via a central aggregator server. This
paper examines recent developments and provides a comprehensive list of
unresolved issues, inspired by the rapid growth of FL research. In the context
of FL, several privacy methods are described, including secure multiparty
computation, homomorphic encryption, differential privacy, and stochastic
gradient descent. Furthermore, a review of various FL classes, such as
horizontal and vertical FL and federated transfer learning, is provided. FL has
applications in wireless communication, service recommendation, intelligent
medical diagnosis systems, and healthcare, all of which are discussed in this
paper. We also present a thorough review of existing FL challenges, such as
privacy protection, communication cost, system heterogeneity, and unreliable
model upload, followed by future research directions. |
3,772 | null | Bridging the gap between QP-based and MPC-based RL | Reinforcement learning methods typically use Deep Neural Networks to
approximate the value functions and policies underlying a Markov Decision
Process. Unfortunately, DNN-based RL suffers from a lack of explainability of
the resulting policy. In this paper, we instead approximate the policy and
value functions using an optimization problem, taking the form of Quadratic
Programs (QPs). We propose simple tools to promote structures in the QP,
pushing it to resemble a linear MPC scheme. A generic unstructured QP offers
high flexibility for learning, while a QP having the structure of an MPC scheme
promotes the explainability of the resulting policy, additionally provides ways
for its analysis. The tools we propose allow for continuously adjusting the
trade-off between the former and the latter during learning. We illustrate the
workings of our proposed method with the resulting structure using a point-mass
task. |
3,773 | null | Large Neural Networks Learning from Scratch with Very Few Data and without Regularization | Recent findings have shown that Neural Networks generalize also in
over-parametrized regimes with zero training error. This is surprising, since
it is completely against traditional machine learning wisdom. In our empirical
study we fortify these findings in the domain of fine-grained image
classification. We show that very large Convolutional Neural Networks with
millions of weights do learn with only a handful of training samples and
without image augmentation, explicit regularization or pretraining. We train
the architectures ResNet018, ResNet101 and VGG19 on subsets of the difficult
benchmark datasets Caltech101, CUB_200_2011, FGVCAircraft, Flowers102 and
StanfordCars with 100 classes and more, perform a comprehensive comparative
study and draw implications for the practical application of CNNs. Finally, we
show that VGG19 with 140 million weights learns to distinguish airplanes and
motorbikes up to 95% accuracy with only 20 samples per class. |
3,774 | null | Fair and Green Hyperparameter Optimization via Multi-objective and Multiple Information Source Bayesian Optimization | There is a consensus that focusing only on accuracy in searching for optimal
machine learning models amplifies biases contained in the data, leading to
unfair predictions and decision supports. Recently, multi-objective
hyperparameter optimization has been proposed to search for machine learning
models which offer equally Pareto-efficient trade-offs between accuracy and
fairness. Although these approaches proved to be more versatile than
fairness-aware machine learning algorithms -- which optimize accuracy
constrained to some threshold on fairness -- they could drastically increase
the energy consumption in the case of large datasets. In this paper we propose
FanG-HPO, a Fair and Green Hyperparameter Optimization (HPO) approach based on
both multi-objective and multiple information source Bayesian optimization.
FanG-HPO uses subsets of the large dataset (aka information sources) to obtain
cheap approximations of both accuracy and fairness, and multi-objective
Bayesian Optimization to efficiently identify Pareto-efficient machine learning
models. Experiments consider two benchmark (fairness) datasets and two machine
learning algorithms (XGBoost and Multi-Layer Perceptron), and provide an
assessment of FanG-HPO against both fairness-aware machine learning algorithms
and hyperparameter optimization via a multi-objective single-source
optimization algorithm in BoTorch, a state-of-the-art platform for Bayesian
Optimization. |
3,775 | null | World Value Functions: Knowledge Representation for Multitask Reinforcement Learning | An open problem in artificial intelligence is how to learn and represent
knowledge that is sufficient for a general agent that needs to solve multiple
tasks in a given world. In this work we propose world value functions (WVFs),
which are a type of general value function with mastery of the world - they
represent not only how to solve a given task, but also how to solve any other
goal-reaching task. To achieve this, we equip the agent with an internal goal
space defined as all the world states where it experiences a terminal
transition - a task outcome. The agent can then modify task rewards to define
its own reward function, which provably drives it to learn how to achieve all
achievable internal goals, and the value of doing so in the current task. We
demonstrate a number of benefits of WVFs. When the agent's internal goal space
is the entire state space, we demonstrate that the transition function can be
inferred from the learned WVF, which allows the agent to plan using learned
value functions. Additionally, we show that for tasks in the same world, a
pretrained agent that has learned any WVF can then infer the policy and value
function for any new task directly from its rewards. Finally, an important
property for long-lived agents is the ability to reuse existing knowledge to
solve new tasks. Using WVFs as the knowledge representation for learned tasks,
we show that an agent is able to solve their logical combination zero-shot,
resulting in a combinatorially increasing number of skills throughout their
lifetime. |
3,776 | null | Automating In-Network Machine Learning | Using programmable network devices to aid in-network machine learning has
been the focus of significant research. However, most of the research was of a
limited scope, providing a proof of concept or describing a closed-source
algorithm. To date, no general solution has been provided for mapping machine
learning algorithms to programmable network devices. In this paper, we present
Planter, an open-source, modular framework for mapping trained machine learning
models to programmable devices. Planter supports a wide range of machine
learning models, multiple targets and can be easily extended. The evaluation of
Planter compares different mapping approaches, and demonstrates the
feasibility, performance, and resource efficiency for applications such as
anomaly detection, financial transactions, and quality of experience.
The results show that Planter-based in-network machine learning algorithms
can run at line rate, have a negligible effect on latency, coexist with
standard switching functionality, and have no or minor accuracy trade-offs. |
3,777 | null | Property Unlearning: A Defense Strategy Against Property Inference Attacks | During the training of machine learning models, they may store or "learn"
more information about the training data than what is actually needed for the
prediction or classification task. This is exploited by property inference
attacks which aim at extracting statistical properties from the training data
of a given model without having access to the training data itself. These
properties may include the quality of pictures to identify the camera model,
the age distribution to reveal the target audience of a product, or the
included host types to refine a malware attack in computer networks. This
attack is especially accurate when the attacker has access to all model
parameters, i.e., in a white-box scenario. By defending against such attacks,
model owners are able to ensure that their training data, associated
properties, and thus their intellectual property stays private, even if they
deliberately share their models, e.g., to train collaboratively, or if models
are leaked. In this paper, we introduce property unlearning, an effective
defense mechanism against white-box property inference attacks, independent of
the training data type, model task, or number of properties. Property
unlearning mitigates property inference attacks by systematically changing the
trained weights and biases of a target model such that an adversary cannot
extract chosen properties. We empirically evaluate property unlearning on three
different data sets, including tabular and image data, and two types of
artificial neural networks. Our results show that property unlearning is both
efficient and reliable to protect machine learning models against property
inference attacks, with a good privacy-utility trade-off. Furthermore, our
approach indicates that this mechanism is also effective to unlearn multiple
properties. |
3,778 | null | Evaluation of Transfer Learning for Polish with a Text-to-Text Model | We introduce a new benchmark for assessing the quality of text-to-text models
for Polish. The benchmark consists of diverse tasks and datasets: KLEJ
benchmark adapted for text-to-text, en-pl translation, summarization, and
question answering. In particular, since summarization and question answering
lack benchmark datasets for the Polish language, we describe their construction
and make them publicly available. Additionally, we present plT5 - a
general-purpose text-to-text model for Polish that can be fine-tuned on various
Natural Language Processing (NLP) tasks with a single training objective.
Unsupervised denoising pre-training is performed efficiently by initializing
the model weights with a multi-lingual T5 (mT5) counterpart. We evaluate the
performance of plT5, mT5, Polish BART (plBART), and Polish GPT-2 (papuGaPT2).
The plT5 scores top on all of these tasks except summarization, where plBART is
best. In general (except for summarization), the larger the model, the better
the results. The encoder-decoder architectures prove to be better than the
decoder-only equivalent. |
3,779 | null | Entity Alignment with Reliable Path Reasoning and Relation-Aware Heterogeneous Graph Transformer | Entity Alignment (EA) has attracted widespread attention in both academia and
industry, which aims to seek entities with same meanings from different
Knowledge Graphs (KGs). There are substantial multi-step relation paths between
entities in KGs, indicating the semantic relations of entities. However,
existing methods rarely consider path information because not all natural paths
facilitate for EA judgment. In this paper, we propose a more effective entity
alignment framework, RPR-RHGT, which integrates relation and path structure
information, as well as the heterogeneous information in KGs. Impressively, an
initial reliable path reasoning algorithm is developed to generate the paths
favorable for EA task from the relation structures of KGs, which is the first
algorithm in the literature to successfully use unrestricted path information.
In addition, to efficiently capture heterogeneous features in entity
neighborhoods, a relation-aware heterogeneous graph transformer is designed to
model the relation and path structures of KGs. Extensive experiments on three
well-known datasets show RPR-RHGT significantly outperforms 11 state-of-the-art
methods, exceeding the best performing baseline up to 8.62% on Hits@1. We also
show its better performance than the baselines on different ratios of training
set, and harder datasets. |
3,780 | null | Markov Chain Monte Carlo for Continuous-Time Switching Dynamical Systems | Switching dynamical systems are an expressive model class for the analysis of
time-series data. As in many fields within the natural and engineering
sciences, the systems under study typically evolve continuously in time, it is
natural to consider continuous-time model formulations consisting of switching
stochastic differential equations governed by an underlying Markov jump
process. Inference in these types of models is however notoriously difficult,
and tractable computational schemes are rare. In this work, we propose a novel
inference algorithm utilizing a Markov Chain Monte Carlo approach. The
presented Gibbs sampler allows to efficiently obtain samples from the exact
continuous-time posterior processes. Our framework naturally enables Bayesian
parameter estimation, and we also include an estimate for the diffusion
covariance, which is oftentimes assumed fixed in stochastic differential
equation models. We evaluate our framework under the modeling assumption and
compare it against an existing variational inference approach. |
3,781 | null | On-device modeling of user's social context and familiar places from smartphone-embedded sensor data | Context modeling and recognition represent complex tasks that allow mobile
and ubiquitous computing applications to adapt to the user's situation. Current
solutions mainly focus on limited context information generally processed on
centralized architectures, potentially exposing users' personal data to privacy
leakage, and missing personalization features. For these reasons on-device
context modeling and recognition represent the current research trend in this
area. Among the different information characterizing the user's context in
mobile environments, social interactions and visited locations remarkably
contribute to the characterization of daily life scenarios. In this paper we
propose a novel, unsupervised and lightweight approach to model the user's
social context and her locations based on ego networks directly on the user
mobile device. Relying on this model, the system is able to extract high-level
and semantic-rich context features from smartphone-embedded sensors data.
Specifically, for the social context it exploits data related to both physical
and cyber social interactions among users and their devices. As far as location
context is concerned, we assume that it is more relevant to model the
familiarity degree of a specific location for the user's context than the raw
location data, both in terms of GPS coordinates and proximity devices. By using
5 real-world datasets, we assess the structure of the social and location ego
networks, we provide a semantic evaluation of the proposed models and a
complexity evaluation in terms of mobile computing performance. Finally, we
demonstrate the relevance of the extracted features by showing the performance
of 3 machine learning algorithms to recognize daily-life situations, obtaining
an improvement of 3% of AUROC, 9% of Precision, and 5% in terms of Recall with
respect to use only features related to physical context. |
3,782 | null | Probability trees and the value of a single intervention | The most fundamental problem in statistical causality is determining causal
relationships from limited data. Probability trees, which combine prior causal
structures with Bayesian updates, have been suggested as a possible solution.
In this work, we quantify the information gain from a single intervention and
show that both the anticipated information gain, prior to making an
intervention, and the expected gain from an intervention have simple
expressions. This results in an active-learning method that simply selects the
intervention with the highest anticipated gain, which we illustrate through
several examples. Our work demonstrates how probability trees, and Bayesian
estimation of their parameters, offer a simple yet viable approach to fast
causal induction. |
3,783 | null | Marginal and Joint Cross-Entropies & Predictives for Online Bayesian Inference, Active Learning, and Active Sampling | Principled Bayesian deep learning (BDL) does not live up to its potential
when we only focus on marginal predictive distributions (marginal predictives).
Recent works have highlighted the importance of joint predictives for
(Bayesian) sequential decision making from a theoretical and synthetic
perspective. We provide additional practical arguments grounded in real-world
applications for focusing on joint predictives: we discuss online Bayesian
inference, which would allow us to make predictions while taking into account
additional data without retraining, and we propose new challenging evaluation
settings using active learning and active sampling. These settings are
motivated by an examination of marginal and joint predictives, their respective
cross-entropies, and their place in offline and online learning. They are more
realistic than previously suggested ones, building on work by Wen et al. (2021)
and Osband et al. (2022), and focus on evaluating the performance of
approximate BNNs in an online supervised setting. Initial experiments, however,
raise questions on the feasibility of these ideas in high-dimensional parameter
spaces with current BDL inference techniques, and we suggest experiments that
might help shed further light on the practicality of current research for these
problems. Importantly, our work highlights previously unidentified gaps in
current research and the need for better approximate joint predictives. |
3,784 | null | [Re] Distilling Knowledge via Knowledge Review | This effort aims to reproduce the results of experiments and analyze the
robustness of the review framework for knowledge distillation introduced in the
CVPR '21 paper 'Distilling Knowledge via Knowledge Review' by Chen et al.
Previous works in knowledge distillation only studied connections paths between
the same levels of the student and the teacher, and cross-level connection
paths had not been considered. Chen et al. propose a new residual learning
framework to train a single student layer using multiple teacher layers. They
also design a novel fusion module to condense feature maps across levels and a
loss function to compare feature information stored across different levels to
improve performance. In this work, we consistently verify the improvements in
test accuracy across student models as reported in the original paper and study
the effectiveness of the novel modules introduced by conducting ablation
studies and new experiments. |
3,785 | null | Revisiting PINNs: Generative Adversarial Physics-informed Neural Networks and Point-weighting Method | Physics-informed neural networks (PINNs) provide a deep learning framework
for numerically solving partial differential equations (PDEs), and have been
widely used in a variety of PDE problems. However, there still remain some
challenges in the application of PINNs: 1) the mechanism of PINNs is unsuitable
(at least cannot be directly applied) to exploiting a small size of (usually
very few) extra informative samples to refine the networks; and 2) the
efficiency of training PINNs often becomes low for some complicated PDEs. In
this paper, we propose the generative adversarial physics-informed neural
network (GA-PINN), which integrates the generative adversarial (GA) mechanism
with the structure of PINNs, to improve the performance of PINNs by exploiting
only a small size of exact solutions to the PDEs. Inspired from the weighting
strategy of the Adaboost method, we then introduce a point-weighting (PW)
method to improve the training efficiency of PINNs, where the weight of each
sample point is adaptively updated at each training iteration. The numerical
experiments show that GA-PINNs outperform PINNs in many well-known PDEs and the
PW method also improves the efficiency of training PINNs and GA-PINNs. |
3,786 | null | Deep-learned orthogonal basis patterns for fast, noise-robust single-pixel imaging | Single-pixel imaging (SPI) is a novel, unconventional method that goes beyond
the notion of traditional cameras but can be computationally expensive and slow
for real-time applications. Deep learning has been proposed as an alternative
approach for solving the SPI reconstruction problem, but a detailed analysis of
its performance and generated basis patterns when used for SPI is limited. We
present a modified deep convolutional autoencoder network (DCAN) for SPI on
64x64 pixel images with up to 6.25% compression ratio and apply binary and
orthogonality regularizers during training. Training a DCAN with these
regularizers allows it to learn multiple measurement bases that have
combinations of binary or non-binary, and orthogonal or non-orthogonal
patterns. We compare the reconstruction quality, orthogonality of the patterns,
and robustness to noise of the resulting DCAN models to traditional SPI
reconstruction algorithms (such as Total Variation minimization and Fourier
Transform). Our DCAN models can be trained to be robust to noise while still
having fast enough reconstruction times (~3 ms per frame) to be viable for
real-time imaging. |
3,787 | null | TTAPS: Test-Time Adaption by Aligning Prototypes using Self-Supervision | Nowadays, deep neural networks outperform humans in many tasks. However, if
the input distribution drifts away from the one used in training, their
performance drops significantly. Recently published research has shown that
adapting the model parameters to the test sample can mitigate this performance
degradation. In this paper, we therefore propose a novel modification of the
self-supervised training algorithm SwAV that adds the ability to adapt to
single test samples. Using the provided prototypes of SwAV and our derived
test-time loss, we align the representation of unseen test samples with the
self-supervised learned prototypes. We show the success of our method on the
common benchmark dataset CIFAR10-C. |
3,788 | null | A Regression Approach to Learning-Augmented Online Algorithms | The emerging field of learning-augmented online algorithms uses ML techniques
to predict future input parameters and thereby improve the performance of
online algorithms. Since these parameters are, in general, real-valued
functions, a natural approach is to use regression techniques to make these
predictions. We introduce this approach in this paper, and explore it in the
context of a general online search framework that captures classic problems
like (generalized) ski rental, bin packing, minimum makespan scheduling, etc.
We show nearly tight bounds on the sample complexity of this regression
problem, and extend our results to the agnostic setting. From a technical
standpoint, we show that the key is to incorporate online optimization
benchmarks in the design of the loss function for the regression problem,
thereby diverging from the use of off-the-shelf regression tools with standard
bounds on statistical error. |
3,789 | null | No More Pesky Hyperparameters: Offline Hyperparameter Tuning for RL | The performance of reinforcement learning (RL) agents is sensitive to the
choice of hyperparameters. In real-world settings like robotics or industrial
control systems, however, testing different hyperparameter configurations
directly on the environment can be financially prohibitive, dangerous, or time
consuming. We propose a new approach to tune hyperparameters from offline logs
of data, to fully specify the hyperparameters for an RL agent that learns
online in the real world. The approach is conceptually simple: we first learn a
model of the environment from the offline data, which we call a calibration
model, and then simulate learning in the calibration model to identify
promising hyperparameters. We identify several criteria to make this strategy
effective, and develop an approach that satisfies these criteria. We
empirically investigate the method in a variety of settings to identify when it
is effective and when it fails. |
3,790 | null | Customizing ML Predictions for Online Algorithms | A popular line of recent research incorporates ML advice in the design of
online algorithms to improve their performance in typical instances. These
papers treat the ML algorithm as a black-box, and redesign online algorithms to
take advantage of ML predictions. In this paper, we ask the complementary
question: can we redesign ML algorithms to provide better predictions for
online algorithms? We explore this question in the context of the classic
rent-or-buy problem, and show that incorporating optimization benchmarks in ML
loss functions leads to significantly better performance, while maintaining a
worst-case adversarial result when the advice is completely wrong. We support
this finding both through theoretical bounds and numerical simulations. |
3,791 | null | CARNet: A Dynamic Autoencoder for Learning Latent Dynamics in Autonomous Driving Tasks | Autonomous driving has received a lot of attention in the automotive industry
and is often seen as the future of transportation. Passenger vehicles equipped
with a wide array of sensors (e.g., cameras, front-facing radars, LiDARs, and
IMUs) capable of continuous perception of the environment are becoming
increasingly prevalent. These sensors provide a stream of high-dimensional,
temporally correlated data that is essential for reliable autonomous driving.
An autonomous driving system should effectively use the information collected
from the various sensors in order to form an abstract description of the world
and maintain situational awareness. Deep learning models, such as autoencoders,
can be used for that purpose, as they can learn compact latent representations
from a stream of incoming data. However, most autoencoder models process the
data independently, without assuming any temporal interdependencies. Thus,
there is a need for deep learning models that explicitly consider the temporal
dependence of the data in their architecture. This work proposes CARNet, a
Combined dynAmic autoencodeR NETwork architecture that utilizes an autoencoder
combined with a recurrent neural network to learn the current latent
representation and, in addition, also predict future latent representations in
the context of autonomous driving. We demonstrate the efficacy of the proposed
model in both imitation and reinforcement learning settings using both
simulated and real datasets. Our results show that the proposed model
outperforms the baseline state-of-the-art model, while having significantly
fewer trainable parameters. |
3,792 | null | It Isn't Sh!tposting, It's My CAT Posting | In this paper, we describe a novel architecture which can generate hilarious
captions for a given input image. The architecture is split into two halves,
i.e. image captioning and hilarious text conversion. The architecture starts
with a pre-trained CNN model, VGG16 in this implementation, and applies
attention LSTM on it to generate normal caption. These normal captions then are
fed forward to our hilarious text conversion transformer which converts this
text into something hilarious while maintaining the context of the input image.
The architecture can also be split into two halves and only the seq2seq
transformer can be used to generate hilarious caption by inputting a
sentence.This paper aims to help everyday user to be more lazy and hilarious at
the same time by generating captions using CATNet. |
3,793 | null | Practical Skills Demand Forecasting via Representation Learning of Temporal Dynamics | Rapid technological innovation threatens to leave much of the global
workforce behind. Today's economy juxtaposes white-hot demand for skilled labor
against stagnant employment prospects for workers unprepared to participate in
a digital economy. It is a moment of peril and opportunity for every country,
with outcomes measured in long-term capital allocation and the life
satisfaction of billions of workers. To meet the moment, governments and
markets must find ways to quicken the rate at which the supply of skills reacts
to changes in demand. More fully and quickly understanding labor market
intelligence is one route. In this work, we explore the utility of time series
forecasts to enhance the value of skill demand data gathered from online job
advertisements. This paper presents a pipeline which makes one-shot multi-step
forecasts into the future using a decade of monthly skill demand observations
based on a set of recurrent neural network methods. We compare the performance
of a multivariate model versus a univariate one, analyze how correlation
between skills can influence multivariate model results, and present
predictions of demand for a selection of skills practiced by workers in the
information technology industry. |
3,794 | null | Accurate Fairness: Improving Individual Fairness without Trading Accuracy | Accuracy and fairness are both crucial aspects for trustworthy machine
learning. However, in practice, enhancing one aspect may sacrifice the other
inevitably. We propose in this paper a new fairness criterion, accurate
fairness, to assess whether an individual is treated both accurately and fairly
regardless of protected attributes. We further propose new fairness metrics,
fair-precision, fair-recall and fair-F1 score, to evaluate the reliability of a
machine learning model from the perspective of accurate fairness. Thus, the
side effects of enhancing just one of the two aspects, i.e., true bias and
false fairness, can be effectively identified with our criterion. We then
present a fair Siamese approach for accurate fairness training. To the best of
our knowledge, this is the first time that a Siamese approach is adapted for
bias mitigation. Case studies with typical fairness benchmarks demonstrate that
our fair Siamese approach can, on average, promote the 17.4% higher individual
fairness, the 11.5% higher fair-F1 score, and the 4.7% higher accuracy of a
machine learning model than the state-of-the-art bias mitigation techniques.
Finally, our approach is applied to mitigate the possible service
discrimination with a real Ctrip dataset, by fairly serving on average 97.9%
customers with different consumption habits who pay the same prices for the
same rooms (20.7% more than original models). |
3,795 | null | Optimal Adaptive Prediction Intervals for Electricity Load Forecasting in Distribution Systems via Reinforcement Learning | Prediction intervals offer an effective tool for quantifying the uncertainty
of loads in distribution systems. The traditional central PIs cannot adapt well
to skewed distributions, and their offline training fashion is vulnerable to
unforeseen changes in future load patterns. Therefore, we propose an optimal PI
estimation approach, which is online and adaptive to different data
distributions by adaptively determining symmetric or asymmetric probability
proportion pairs for quantiles. It relies on the online learning ability of
reinforcement learning to integrate the two online tasks, i.e., the adaptive
selection of probability proportion pairs and quantile predictions, both of
which are modeled by neural networks. As such, the quality of quantiles-formed
PI can guide the selection process of optimal probability proportion pairs,
which forms a closed loop to improve the quality of PIs. Furthermore, to
improve the learning efficiency of quantile forecasts, a prioritized experience
replay strategy is proposed for online quantile regression processes. Case
studies on both load and net load demonstrate that the proposed method can
better adapt to data distribution compared with online central PIs method.
Compared with offline-trained methods, it obtains PIs with better quality and
is more robust against concept drift. |
3,796 | null | The Solvability of Interpretability Evaluation Metrics | Feature attribution methods are popular for explaining neural network
predictions, and they are often evaluated on metrics such as comprehensiveness
and sufficiency, which are motivated by the principle that more important
features -- as judged by the explanation -- should have larger impacts on model
prediction. In this paper, we highlight an intriguing property of these
metrics: their solvability. Concretely, we can define the problem of optimizing
an explanation for a metric and solve it using beam search. This brings up the
obvious question: given such solvability, why do we still develop other
explainers and then evaluate them on the metric? We present a series of
investigations showing that this beam search explainer is generally comparable
or favorable to current choices such as LIME and SHAP, suggest rethinking the
goals of model interpretability, and identify several directions towards better
evaluations of new method proposals. |
3,797 | null | Hyperparameter Optimization with Neural Network Pruning | Since the deep learning model is highly dependent on hyperparameters,
hyperparameter optimization is essential in developing deep learning
model-based applications, even if it takes a long time. As service development
using deep learning models has gradually become competitive, many developers
highly demand rapid hyperparameter optimization algorithms. In order to keep
pace with the needs of faster hyperparameter optimization algorithms,
researchers are focusing on improving the speed of hyperparameter optimization
algorithm. However, the huge time consumption of hyperparameter optimization
due to the high computational cost of the deep learning model itself has not
been dealt with in-depth. Like using surrogate model in Bayesian optimization,
to solve this problem, it is necessary to consider proxy model for a neural
network (N_B) to be used for hyperparameter optimization. Inspired by the main
goal of neural network pruning, i.e., high computational cost reduction and
performance preservation, we presumed that the neural network (N_P) obtained
through neural network pruning would be a good proxy model of N_B. In order to
verify our idea, we performed extensive experiments by using CIFAR10, CFIAR100,
and TinyImageNet datasets and three generally-used neural networks and three
representative hyperparameter optmization methods. Through these experiments,
we verified that N_P can be a good proxy model of N_B for rapid hyperparameter
optimization. The proposed hyperparameter optimization framework can reduce the
amount of time up to 37%. |
3,798 | null | Neighborhood Mixup Experience Replay: Local Convex Interpolation for Improved Sample Efficiency in Continuous Control Tasks | Experience replay plays a crucial role in improving the sample efficiency of
deep reinforcement learning agents. Recent advances in experience replay
propose using Mixup (Zhang et al., 2018) to further improve sample efficiency
via synthetic sample generation. We build upon this technique with Neighborhood
Mixup Experience Replay (NMER), a geometrically-grounded replay buffer that
interpolates transitions with their closest neighbors in state-action space.
NMER preserves a locally linear approximation of the transition manifold by
only applying Mixup between transitions with vicinal state-action features.
Under NMER, a given transition's set of state action neighbors is dynamic and
episode agnostic, in turn encouraging greater policy generalizability via
inter-episode interpolation. We combine our approach with recent off-policy
deep reinforcement learning algorithms and evaluate on continuous control
environments. We observe that NMER improves sample efficiency by an average 94%
(TD3) and 29% (SAC) over baseline replay buffers, enabling agents to
effectively recombine previous experiences and learn from limited data. |
3,799 | null | Spatial-Temporal Interactive Dynamic Graph Convolution Network for Traffic Forecasting | Accurate traffic forecasting is essential for smart cities to achieve traffic
control, route planning, and flow detection. Although many spatial-temporal
methods are currently proposed, these methods are deficient in capturing the
spatial-temporal dependence of traffic data synchronously. In addition, most of
the methods ignore the dynamically changing correlations between road network
nodes that arise as traffic data changes. We propose a neural network-based
Spatial-Temporal Interactive Dynamic Graph Convolutional Network (STIDGCN) to
address the above challenges for traffic forecasting. Specifically, we propose
an interactive dynamic graph convolution structure, which divides the sequences
at intervals and synchronously captures the traffic data's spatial-temporal
dependence through an interactive learning strategy. The interactive learning
strategy makes STIDGCN effective for long-term prediction. We also propose a
novel dynamic graph convolution module to capture the dynamically changing
correlations in the traffic network, consisting of a graph generator and fusion
graph convolution. The dynamic graph convolution module can use the input
traffic data and pre-defined graph structure to generate a graph structure. It
is then fused with the defined adaptive adjacency matrix to generate a dynamic
adjacency matrix, which fills the pre-defined graph structure and simulates the
generation of dynamic associations between nodes in the road network. Extensive
experiments on four real-world traffic flow datasets demonstrate that STIDGCN
outperforms the state-of-the-art baseline. |
3,800 | null | Policy Distillation with Selective Input Gradient Regularization for Efficient Interpretability | Although deep Reinforcement Learning (RL) has proven successful in a wide
range of tasks, one challenge it faces is interpretability when applied to
real-world problems. Saliency maps are frequently used to provide
interpretability for deep neural networks. However, in the RL domain, existing
saliency map approaches are either computationally expensive and thus cannot
satisfy the real-time requirement of real-world scenarios or cannot produce
interpretable saliency maps for RL policies. In this work, we propose an
approach of Distillation with selective Input Gradient Regularization (DIGR)
which uses policy distillation and input gradient regularization to produce new
policies that achieve both high interpretability and computation efficiency in
generating saliency maps. Our approach is also found to improve the robustness
of RL policies to multiple adversarial attacks. We conduct experiments on three
tasks, MiniGrid (Fetch Object), Atari (Breakout) and CARLA Autonomous Driving,
to demonstrate the importance and effectiveness of our approach. |
3,801 | null | QAPPA: Quantization-Aware Power, Performance, and Area Modeling of DNN Accelerators | As the machine learning and systems community strives to achieve higher
energy-efficiency through custom DNN accelerators and model compression
techniques, there is a need for a design space exploration framework that
incorporates quantization-aware processing elements into the accelerator design
space while having accurate and fast power, performance, and area models. In
this work, we present QAPPA, a highly parameterized quantization-aware power,
performance, and area modeling framework for DNN accelerators. Our framework
can facilitate the future research on design space exploration of DNN
accelerators for various design choices such as bit precision, processing
element type, scratchpad sizes of processing elements, global buffer size,
device bandwidth, number of total processing elements in the the design, and
DNN workloads. Our results show that different bit precisions and processing
element types lead to significant differences in terms of performance per area
and energy. Specifically, our proposed lightweight processing elements achieve
up to 4.9x more performance per area and energy improvement when compared to
INT16 based implementation. |
3,802 | null | Need is All You Need: Homeostatic Neural Networks Adapt to Concept Shift | In living organisms, homeostasis is the natural regulation of internal states
aimed at maintaining conditions compatible with life. Typical artificial
systems are not equipped with comparable regulatory features. Here, we
introduce an artificial neural network that incorporates homeostatic features.
Its own computing substrate is placed in a needful and vulnerable relation to
the very objects over which it computes. For example, artificial neurons
performing classification of MNIST digits or Fashion-MNIST articles of clothing
may receive excitatory or inhibitory effects, which alter their own learning
rate as a direct result of perceiving and classifying the digits. In this
scenario, accurate recognition is desirable to the agent itself because it
guides decisions to regulate its vulnerable internal states and functionality.
Counterintuitively, the addition of vulnerability to a learner does not
necessarily impair its performance. On the contrary, self-regulation in
response to vulnerability confers benefits under certain conditions. We show
that homeostatic design confers increased adaptability under concept shift, in
which the relationships between labels and data change over time, and that the
greatest advantages are obtained under the highest rates of shift. This
necessitates the rapid un-learning of past associations and the re-learning of
new ones. We also demonstrate the superior abilities of homeostatic learners in
environments with dynamically changing rates of concept shift. Our homeostatic
design exposes the artificial neural network's thinking machinery to the
consequences of its own "thoughts", illustrating the advantage of putting one's
own "skin in the game" to improve fluid intelligence. |
3,803 | null | Frank Wolfe Meets Metric Entropy | The Frank-Wolfe algorithm has seen a resurgence in popularity due to its
ability to efficiently solve constrained optimization problems in machine
learning and high-dimensional statistics. As such, there is much interest in
establishing when the algorithm may possess a "linear" $O(\log(1/\epsilon))$
dimension-free iteration complexity comparable to projected gradient descent.
In this paper, we provide a general technique for establishing domain
specific and easy-to-estimate lower bounds for Frank-Wolfe and its variants
using the metric entropy of the domain. Most notably, we show that a
dimension-free linear upper bound must fail not only in the worst case, but in
the \emph{average case}: for a Gaussian or spherical random polytope in
$\mathbb{R}^d$ with $\mathrm{poly}(d)$ vertices, Frank-Wolfe requires up to
$\tilde\Omega(d)$ iterations to achieve a $O(1/d)$ error bound, with high
probability. We also establish this phenomenon for the nuclear norm ball.
The link with metric entropy also has interesting positive implications for
conditional gradient algorithms in statistics, such as gradient boosting and
matching pursuit. In particular, we show that it is possible to extract
fast-decaying upper bounds on the excess risk directly from an analysis of the
underlying optimization procedure. |
3,804 | null | Classification as Direction Recovery: Improved Guarantees via Scale Invariance | Modern algorithms for binary classification rely on an intermediate
regression problem for computational tractability. In this paper, we establish
a geometric distinction between classification and regression that allows risk
in these two settings to be more precisely related. In particular, we note that
classification risk depends only on the direction of the regressor, and we take
advantage of this scale invariance to improve existing guarantees for how
classification risk is bounded by the risk in the intermediate regression
problem. Building on these guarantees, our analysis makes it possible to
compare algorithms more accurately against each other and suggests viewing
classification as unique from regression rather than a byproduct of it. While
regression aims to converge toward the conditional expectation function in
location, we propose that classification should instead aim to recover its
direction. |
3,805 | null | Generic and Trend-aware Curriculum Learning for Relation Extraction in Graph Neural Networks | We present a generic and trend-aware curriculum learning approach for graph
neural networks. It extends existing approaches by incorporating sample-level
loss trends to better discriminate easier from harder samples and schedule them
for training. The model effectively integrates textual and structural
information for relation extraction in text graphs. Experimental results show
that the model provides robust estimations of sample difficulty and shows
sizable improvement over the state-of-the-art approaches across several
datasets. |
3,806 | null | A graph representation of molecular ensembles for polymer property prediction | Synthetic polymers are versatile and widely used materials. Similar to small
organic molecules, a large chemical space of such materials is hypothetically
accessible. Computational property prediction and virtual screening can
accelerate polymer design by prioritizing candidates expected to have favorable
properties. However, in contrast to organic molecules, polymers are often not
well-defined single structures but an ensemble of similar molecules, which
poses unique challenges to traditional chemical representations and machine
learning approaches. Here, we introduce a graph representation of molecular
ensembles and an associated graph neural network architecture that is tailored
to polymer property prediction. We demonstrate that this approach captures
critical features of polymeric materials, like chain architecture, monomer
stoichiometry, and degree of polymerization, and achieves superior accuracy to
off-the-shelf cheminformatics methodologies. While doing so, we built a dataset
of simulated electron affinity and ionization potential values for >40k
polymers with varying monomer composition, stoichiometry, and chain
architecture, which may be used in the development of other tailored machine
learning approaches. The dataset and machine learning models presented in this
work pave the path toward new classes of algorithms for polymer informatics
and, more broadly, introduce a framework for the modeling of molecular
ensembles. |
3,807 | null | Learning to Learn Quantum Turbo Detection | This paper investigates a turbo receiver employing a variational quantum
circuit (VQC). The VQC is configured with an ansatz of the quantum approximate
optimization algorithm (QAOA). We propose a 'learning to learn' (L2L) framework
to optimize the turbo VQC decoder such that high fidelity soft-decision output
is generated. Besides demonstrating the proposed algorithm's computational
complexity, we show that the L2L VQC turbo decoder can achieve an excellent
performance close to the optimal maximum-likelihood performance in a
multiple-input multiple-output system. |