Unnamed: 0.1
int64 0
113k
| Unnamed: 0
float64 0
113k
⌀ | title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|---|---|
107,100 | 107,100 |
Binary Multi Channel Morphological Neural Network
|
Neural networks and particularly Deep learning have been comparatively little
studied from the theoretical point of view. Conversely, Mathematical Morphology
is a discipline with solid theoretical foundations. We combine these domains to
propose a new type of neural architecture that is theoretically more
explainable. We introduce a Binary Morphological Neural Network (BiMoNN) built
upon the convolutional neural network. We design it for learning morphological
networks with binary inputs and outputs. We demonstrate an equivalence between
BiMoNNs and morphological operators that we can use to binarize entire
networks. These can learn classical morphological operators and show promising
results on a medical imaging application.
|
107,101 | 107,101 |
GroupNet: Multiscale Hypergraph Neural Networks for Trajectory
Prediction with Relational Reasoning
|
Demystifying the interactions among multiple agents from their past
trajectories is fundamental to precise and interpretable trajectory prediction.
However, previous works only consider pair-wise interactions with limited
relational reasoning. To promote more comprehensive interaction modeling for
relational reasoning, we propose GroupNet, a multiscale hypergraph neural
network, which is novel in terms of both interaction capturing and
representation learning. From the aspect of interaction capturing, we propose a
trainable multiscale hypergraph to capture both pair-wise and group-wise
interactions at multiple group sizes. From the aspect of interaction
representation learning, we propose a three-element format that can be learnt
end-to-end and explicitly reason some relational factors including the
interaction strength and category. We apply GroupNet into both CVAE-based
prediction system and previous state-of-the-art prediction systems for
predicting socially plausible trajectories with relational reasoning. To
validate the ability of relational reasoning, we experiment with synthetic
physics simulations to reflect the ability to capture group behaviors, reason
interaction strength and interaction category. To validate the effectiveness of
prediction, we conduct extensive experiments on three real-world trajectory
prediction datasets, including NBA, SDD and ETH-UCY; and we show that with
GroupNet, the CVAE-based prediction system outperforms state-of-the-art
methods. We also show that adding GroupNet will further improve the performance
of previous state-of-the-art prediction systems.
|
107,102 | 107,102 |
EXIT: Extrapolation and Interpolation-based Neural Controlled
Differential Equations for Time-series Classification and Forecasting
|
Deep learning inspired by differential equations is a recent research trend
and has marked the state of the art performance for many machine learning
tasks. Among them, time-series modeling with neural controlled differential
equations (NCDEs) is considered as a breakthrough. In many cases, NCDE-based
models not only provide better accuracy than recurrent neural networks (RNNs)
but also make it possible to process irregular time-series. In this work, we
enhance NCDEs by redesigning their core part, i.e., generating a continuous
path from a discrete time-series input. NCDEs typically use interpolation
algorithms to convert discrete time-series samples to continuous paths.
However, we propose to i) generate another latent continuous path using an
encoder-decoder architecture, which corresponds to the interpolation process of
NCDEs, i.e., our neural network-based interpolation vs. the existing explicit
interpolation, and ii) exploit the generative characteristic of the decoder,
i.e., extrapolation beyond the time domain of original data if needed.
Therefore, our NCDE design can use both the interpolated and the extrapolated
information for downstream machine learning tasks. In our experiments with 5
real-world datasets and 12 baselines, our extrapolation and interpolation-based
NCDEs outperform existing baselines by non-trivial margins.
|
107,103 | 107,103 |
LORD: Lower-Dimensional Embedding of Log-Signature in Neural Rough
Differential Equations
|
The problem of processing very long time-series data (e.g., a length of more
than 10,000) is a long-standing research problem in machine learning. Recently,
one breakthrough, called neural rough differential equations (NRDEs), has been
proposed and has shown that it is able to process such data. Their main concept
is to use the log-signature transform, which is known to be more efficient than
the Fourier transform for irregular long time-series, to convert a very long
time-series sample into a relatively shorter series of feature vectors.
However, the log-signature transform causes non-trivial spatial overheads. To
this end, we present the method of LOweR-Dimensional embedding of log-signature
(LORD), where we define an NRDE-based autoencoder to implant the higher-depth
log-signature knowledge into the lower-depth log-signature. We show that the
encoder successfully combines the higher-depth and the lower-depth
log-signature knowledge, which greatly stabilizes the training process and
increases the model accuracy. In our experiments with benchmark datasets, the
improvement ratio by our method is up to 75\% in terms of various
classification and forecasting evaluation metrics.
|
107,104 | 107,104 |
ELEVATER: A Benchmark and Toolkit for Evaluating Language-Augmented
Visual Models
|
Learning visual representations from natural language supervision has
recently shown great promise in a number of pioneering works. In general, these
language-augmented visual models demonstrate strong transferability to a
variety of datasets/tasks. However, it remains a challenge to evaluate the
transferablity of these foundation models due to the lack of easy-to-use
toolkits for fair benchmarking. To tackle this, we build ELEVATER (Evaluation
of Language-augmented Visual Task-level Transfer), the first benchmark to
compare and evaluate pre-trained language-augmented visual models. Several
highlights include: (i) Datasets. As downstream evaluation suites, it consists
of 20 image classification datasets and 35 object detection datasets, each of
which is augmented with external knowledge. (ii) Toolkit. An automatic
hyper-parameter tuning toolkit is developed to ensure the fairness in model
adaption. To leverage the full power of language-augmented visual models, novel
language-aware initialization methods are proposed to significantly improve the
adaption performance. (iii) Metrics. A variety of evaluation metrics are used,
including sample-efficiency (zero-shot and few-shot) and parameter-efficiency
(linear probing and full model fine-tuning). We will release our toolkit and
evaluation platforms for the research community.
|
107,105 | 107,105 |
Making Progress Based on False Discoveries
|
We consider the question of adaptive data analysis within the framework of
convex optimization. We ask how many samples are needed in order to compute
$\epsilon$-accurate estimates of $O(1/\epsilon^2)$ gradients queried by
gradient descent, and we provide two intermediate answers to this question.
First, we show that for a general analyst (not necessarily gradient descent)
$\Omega(1/\epsilon^3)$ samples are required. This rules out the possibility of
a foolproof mechanism. Our construction builds upon a new lower bound (that may
be of interest of its own right) for an analyst that may ask several non
adaptive questions in a batch of fixed and known $T$ rounds of adaptivity and
requires a fraction of true discoveries. We show that for such an analyst
$\Omega (\sqrt{T}/\epsilon^2)$ samples are necessary.
Second, we show that, under certain assumptions on the oracle, in an
interaction with gradient descent $\tilde \Omega(1/\epsilon^{2.5})$ samples are
necessary. Our assumptions are that the oracle has only \emph{first order
access} and is \emph{post-hoc generalizing}. First order access means that it
can only compute the gradients of the sampled function at points queried by the
algorithm. Our assumption of \emph{post-hoc generalization} follows from
existing lower bounds for statistical queries. More generally then, we provide
a generic reduction from the standard setting of statistical queries to the
problem of estimating gradients queried by gradient descent.
These results are in contrast with classical bounds that show that with
$O(1/\epsilon^2)$ samples one can optimize the population risk to accuracy of
$O(\epsilon)$ but, as it turns out, with spurious gradients.
|
107,106 | 107,106 |
Radio Galaxy Zoo: Using semi-supervised learning to leverage large
unlabelled data-sets for radio galaxy classification under data-set shift
|
In this work we examine the classification accuracy and robustness of a
state-of-the-art semi-supervised learning (SSL) algorithm applied to the
morphological classification of radio galaxies. We test if SSL with fewer
labels can achieve test accuracies comparable to the supervised
state-of-the-art and whether this holds when incorporating previously unseen
data. We find that for the radio galaxy classification problem considered, SSL
provides additional regularisation and outperforms the baseline test accuracy.
However, in contrast to model performance metrics reported on computer science
benchmarking data-sets, we find that improvement is limited to a narrow range
of label volumes, with performance falling off rapidly at low label volumes.
Additionally, we show that SSL does not improve model calibration, regardless
of whether classification is improved. Moreover, we find that when different
underlying catalogues drawn from the same radio survey are used to provide the
labelled and unlabelled data-sets required for SSL, a significant drop in
classification performance is observered, highlighting the difficulty of
applying SSL techniques under dataset shift. We show that a class-imbalanced
unlabelled data pool negatively affects performance through prior probability
shift, which we suggest may explain this performance drop, and that using the
Frechet Distance between labelled and unlabelled data-sets as a measure of
data-set shift can provide a prediction of model performance, but that for
typical radio galaxy data-sets with labelled sample volumes of O(1000), the
sample variance associated with this technique is high and the technique is in
general not sufficiently robust to replace a train-test cycle.
|
107,107 | 107,107 |
System Analysis for Responsible Design of Modern AI/ML Systems
|
The irresponsible use of ML algorithms in practical settings has received a
lot of deserved attention in the recent years. We posit that the traditional
system analysis perspective is needed when designing and implementing ML
algorithms and systems. Such perspective can provide a formal way for
evaluating and enabling responsible ML practices. In this paper, we review
components of the System Analysis methodology and highlight how they connect
and enable responsible practices of ML design.
|
107,108 | 107,108 |
Rumor Detection with Self-supervised Learning on Texts and Social Graph
|
Rumor detection has become an emerging and active research field in recent
years. At the core is to model the rumor characteristics inherent in rich
information, such as propagation patterns in social network and semantic
patterns in post content, and differentiate them from the truth. However,
existing works on rumor detection fall short in modeling heterogeneous
information, either using one single information source only (e.g. social
network, or post content) or ignoring the relations among multiple sources
(e.g. fusing social and content features via simple concatenation). Therefore,
they possibly have drawbacks in comprehensively understanding the rumors, and
detecting them accurately. In this work, we explore contrastive self-supervised
learning on heterogeneous information sources, so as to reveal their relations
and characterize rumors better. Technically, we supplement the main supervised
task of detection with an auxiliary self-supervised task, which enriches post
representations via post self-discrimination. Specifically, given two
heterogeneous views of a post (i.e. representations encoding social patterns
and semantic patterns), the discrimination is done by maximizing the mutual
information between different views of the same post compared to that of other
posts. We devise cluster-wise and instance-wise approaches to generate the
views and conduct the discrimination, considering different relations of
information sources. We term this framework as Self-supervised Rumor Detection
(SRD). Extensive experiments on three real-world datasets validate the
effectiveness of SRD for automatic rumor detection on social media.
|
107,109 | 107,109 |
Compressed Empirical Measures (in finite dimensions)
|
We study approaches for compressing the empirical measure in the context of
finite dimensional reproducing kernel Hilbert spaces (RKHSs).In this context,
the empirical measure is contained within a natural convex set and can be
approximated using convex optimization methods. Such an approximation gives
under certain conditions rise to a coreset of data points. A key quantity that
controls how large such a coreset has to be is the size of the largest ball
around the empirical measure that is contained within the empirical convex set.
The bulk of our work is concerned with deriving high probability lower bounds
on the size of such a ball under various conditions. We complement this
derivation of the lower bound by developing techniques that allow us to apply
the compression approach to concrete inference problems such as kernel ridge
regression. We conclude with a construction of an infinite dimensional RKHS for
which the compression is poor, highlighting some of the difficulties one faces
when trying to move to infinite dimensional RKHSs.
|
107,110 | 107,110 |
Antipatterns in Software Classification Taxonomies
|
Empirical results in software engineering have long started to show that
findings are unlikely to be applicable to all software systems, or any domain:
results need to be evaluated in specified contexts, and limited to the type of
systems that they were extracted from. This is a known issue, and requires the
establishment of a classification of software types.
This paper makes two contributions: the first is to evaluate the quality of
the current software classifications landscape. The second is to perform a case
study showing how to create a classification of software types using a curated
set of software systems.
Our contributions show that existing, and very likely even new,
classification attempts are deemed to fail for one or more issues, that we
named as the `antipatterns' of software classification tasks. We collected 7 of
these antipatterns that emerge from both our case study, and the existing
classifications.
These antipatterns represent recurring issues in a classification, so we
discuss practical ways to help researchers avoid these pitfalls. It becomes
clear that classification attempts must also face the daunting task of
formulating a taxonomy of software types, with the objective of establishing a
hierarchy of categories in a classification.
|
107,111 | 107,111 |
GestureLens: Visual Analysis of Gestures in Presentation Videos
|
Appropriate gestures can enhance message delivery and audience engagement in
both daily communication and public presentations. In this paper, we contribute
a visual analytic approach that assists professional public speaking coaches in
improving their practice of gesture training through analyzing presentation
videos. Manually checking and exploring gesture usage in the presentation
videos is often tedious and time-consuming. There lacks an efficient method to
help users conduct gesture exploration, which is challenging due to the
intrinsically temporal evolution of gestures and their complex correlation to
speech content. In this paper, we propose GestureLens, a visual analytics
system to facilitate gesture-based and content-based exploration of gesture
usage in presentation videos. Specifically, the exploration view enables users
to obtain a quick overview of the spatial and temporal distributions of
gestures. The dynamic hand movements are firstly aggregated through a heatmap
in the gesture space for uncovering spatial patterns, and then decomposed into
two mutually perpendicular timelines for revealing temporal patterns. The
relation view allows users to explicitly explore the correlation between speech
content and gestures by enabling linked analysis and intuitive glyph designs.
The video view and dynamic view show the context and overall dynamic movement
of the selected gestures, respectively. Two usage scenarios and expert
interviews with professional presentation coaches demonstrate the effectiveness
and usefulness of GestureLens in facilitating gesture exploration and analysis
of presentation videos.
|
107,112 | 107,112 |
Feature Structure Distillation for BERT Transferring
|
Knowledge distillation is an approach to transfer information on
representations from a teacher to a student by reducing their difference. A
challenge of this approach is to reduce the flexibility of the student's
representations inducing inaccurate learning of the teacher's knowledge. To
resolve it in BERT transferring, we investigate distillation of structures of
representations specified to three types: intra-feature, local inter-feature,
global inter-feature structures. To transfer them, we introduce \textit{feature
structure distillation} methods based on the Centered Kernel Alignment, which
assigns a consistent value to similar features structures and reveals more
informative relations. In particular, a memory-augmented transfer method with
clustering is implemented for the global structures. In the experiments on the
nine tasks for language understanding of the GLUE dataset, the proposed methods
effectively transfer the three types of structures and improve performance
compared to state-of-the-art distillation methods. Indeed, the code for the
methods is available in https://github.com/maroo-sky/FSD
|
107,113 | 107,113 |
Learning heuristics for A*
|
Path finding in graphs is one of the most studied classes of problems in
computer science. In this context, search algorithms are often extended with
heuristics for a more efficient search of target nodes. In this work we combine
recent advancements in Neural Algorithmic Reasoning to learn efficient
heuristic functions for path finding problems on graphs. At training time, we
exploit multi-task learning to learn jointly the Dijkstra's algorithm and a
consistent heuristic function for the A* search algorithm. At inference time,
we plug our learnt heuristics into the A* algorithm. Results show that running
A* over the learnt heuristics value can greatly speed up target node searching
compared to Dijkstra, while still finding minimal-cost paths.
|
107,114 | 107,114 |
CodexDB: Generating Code for Processing SQL Queries using GPT-3 Codex
|
CodexDB is an SQL processing engine whose internals can be customized via
natural language instructions. CodexDB is based on OpenAI's GPT-3 Codex model
which translates text into code. It is a framework on top of GPT-3 Codex that
decomposes complex SQL queries into a series of simple processing steps,
described in natural language. Processing steps are enriched with user-provided
instructions and descriptions of database properties. Codex translates the
resulting text into query processing code. An early prototype of CodexDB is
able to generate correct code for a majority of queries of the WikiSQL
benchmark and can be customized in various ways.
|
107,115 | 107,115 |
Missingness Bias in Model Debugging
|
Missingness, or the absence of features from an input, is a concept
fundamental to many model debugging tools. However, in computer vision, pixels
cannot simply be removed from an image. One thus tends to resort to heuristics
such as blacking out pixels, which may in turn introduce bias into the
debugging process. We study such biases and, in particular, show how
transformer-based architectures can enable a more natural implementation of
missingness, which side-steps these issues and improves the reliability of
model debugging in practice. Our code is available at
https://github.com/madrylab/missingness
|
107,116 | 107,116 |
Revisiting Vicinal Risk Minimization for Partially Supervised
Multi-Label Classification Under Data Scarcity
|
Due to the high human cost of annotation, it is non-trivial to curate a
large-scale medical dataset that is fully labeled for all classes of interest.
Instead, it would be convenient to collect multiple small partially labeled
datasets from different matching sources, where the medical images may have
only been annotated for a subset of classes of interest. This paper offers an
empirical understanding of an under-explored problem, namely partially
supervised multi-label classification (PSMLC), where a multi-label classifier
is trained with only partially labeled medical images. In contrast to the fully
supervised counterpart, the partial supervision caused by medical data scarcity
has non-trivial negative impacts on the model performance. A potential remedy
could be augmenting the partial labels. Though vicinal risk minimization (VRM)
has been a promising solution to improve the generalization ability of the
model, its application to PSMLC remains an open question. To bridge the
methodological gap, we provide the first VRM-based solution to PSMLC. The
empirical results also provide insights into future research directions on
partially supervised learning under data scarcity.
|
107,117 | 107,117 |
COptiDICE: Offline Constrained Reinforcement Learning via Stationary
Distribution Correction Estimation
|
We consider the offline constrained reinforcement learning (RL) problem, in
which the agent aims to compute a policy that maximizes expected return while
satisfying given cost constraints, learning only from a pre-collected dataset.
This problem setting is appealing in many real-world scenarios, where direct
interaction with the environment is costly or risky, and where the resulting
policy should comply with safety constraints. However, it is challenging to
compute a policy that guarantees satisfying the cost constraints in the offline
RL setting, since the off-policy evaluation inherently has an estimation error.
In this paper, we present an offline constrained RL algorithm that optimizes
the policy in the space of the stationary distribution. Our algorithm,
COptiDICE, directly estimates the stationary distribution corrections of the
optimal policy with respect to returns, while constraining the cost upper
bound, with the goal of yielding a cost-conservative policy for actual
constraint satisfaction. Experimental results show that COptiDICE attains
better policies in terms of constraint satisfaction and return-maximization,
outperforming baseline algorithms.
|
107,118 | 107,118 |
When Is Partially Observable Reinforcement Learning Not Scary?
|
Applications of Reinforcement Learning (RL), in which agents learn to make a
sequence of decisions despite lacking complete information about the latent
states of the controlled system, that is, they act under partial observability
of the states, are ubiquitous. Partially observable RL can be notoriously
difficult -- well-known information-theoretic results show that learning
partially observable Markov decision processes (POMDPs) requires an exponential
number of samples in the worst case. Yet, this does not rule out the existence
of large subclasses of POMDPs over which learning is tractable.
In this paper we identify such a subclass, which we call weakly revealing
POMDPs. This family rules out the pathological instances of POMDPs where
observations are uninformative to a degree that makes learning hard. We prove
that for weakly revealing POMDPs, a simple algorithm combining optimism and
Maximum Likelihood Estimation (MLE) is sufficient to guarantee polynomial
sample complexity. To the best of our knowledge, this is the first provably
sample-efficient result for learning from interactions in overcomplete POMDPs,
where the number of latent states can be larger than the number of
observations.
|
107,119 | 107,119 |
Deep learning based closed-loop optimization of geothermal reservoir
production
|
To maximize the economic benefits of geothermal energy production, it is
essential to optimize geothermal reservoir management strategies, in which
geologic uncertainty should be considered. In this work, we propose a
closed-loop optimization framework, based on deep learning surrogates, for the
well control optimization of geothermal reservoirs. In this framework, we
construct a hybrid convolution-recurrent neural network surrogate, which
combines the convolution neural network (CNN) and long short-term memory (LSTM)
recurrent network. The convolution structure can extract spatial information of
geologic parameter fields and the recurrent structure can approximate
sequence-to-sequence mapping. The trained model can predict time-varying
production responses (rate, temperature, etc.) for cases with different
permeability fields and well control sequences. In the closed-loop optimization
framework, production optimization based on the differential evolution (DE)
algorithm, and data assimilation based on the iterative ensemble smoother
(IES), are performed alternately to achieve real-time well control optimization
and geologic parameter estimation as the production proceeds. In addition, the
averaged objective function over the ensemble of geologic parameter estimations
is adopted to consider geologic uncertainty in the optimization process.
Several geothermal reservoir development cases are designed to test the
performance of the proposed production optimization framework. The results show
that the proposed framework can achieve efficient and effective real-time
optimization and data assimilation in the geothermal reservoir production
process.
|
107,120 | 107,120 |
CPU- and GPU-based Distributed Sampling in Dirichlet Process Mixtures
for Large-scale Analysis
|
In the realm of unsupervised learning, Bayesian nonparametric mixture models,
exemplified by the Dirichlet Process Mixture Model (DPMM), provide a principled
approach for adapting the complexity of the model to the data. Such models are
particularly useful in clustering tasks where the number of clusters is
unknown. Despite their potential and mathematical elegance, however, DPMMs have
yet to become a mainstream tool widely adopted by practitioners. This is
arguably due to a misconception that these models scale poorly as well as the
lack of high-performance (and user-friendly) software tools that can handle
large datasets efficiently. In this paper we bridge this practical gap by
proposing a new, easy-to-use, statistical software package for scalable DPMM
inference. More concretely, we provide efficient and easily-modifiable
implementations for high-performance distributed sampling-based inference in
DPMMs where the user is free to choose between either a multiple-machine,
multiple-core, CPU implementation (written in Julia) and a multiple-stream GPU
implementation (written in CUDA/C++). Both the CPU and GPU implementations come
with a common (and optional) python wrapper, providing the user with a single
point of entry with the same interface. On the algorithmic side, our
implementations leverage a leading DPMM sampler from (Chang and Fisher III,
2013). While Chang and Fisher III's implementation (written in MATLAB/C++) used
only CPU and was designed for a single multi-core machine, the packages we
proposed here distribute the computations efficiently across either multiple
multi-core machines or across mutiple GPU streams. This leads to speedups,
alleviates memory and storage limitations, and lets us fit DPMMs to
significantly larger datasets and of higher dimensionality than was possible
previously by either (Chang and Fisher III, 2013) or other DPMM methods.
|
107,121 | 107,121 |
Efficient Deep Learning-based Estimation of the Vital Signs on
Smartphones
|
Nowadays, due to the widespread use of smartphones in everyday life and the
improvement of computational capabilities of these devices, many complex tasks
can now be deployed on them. Concerning the need for continuous monitoring of
vital signs, especially for the elderly or those with certain types of
diseases, the development of algorithms that can estimate vital signs using
smartphones has attracted researchers worldwide. Such algorithms estimate vital
signs (heart rate and oxygen saturation level) by processing an input PPG
signal. These methods often apply multiple pre-processing steps to the input
signal before the prediction step. This can increase the computational
complexity of these methods, meaning only a limited number of mobile devices
can run them. Furthermore, multiple pre-processing steps also require the
design of a couple of hand-crafted stages to obtain an optimal result. This
research proposes a novel end-to-end solution to mobile-based vital sign
estimation by deep learning. The proposed method does not require any
pre-processing. Due to the use of fully convolutional architecture, the
parameter count of our proposed model is, on average, a quarter of the ordinary
architectures that use fully-connected layers as the prediction heads. As a
result, the proposed model has less over-fitting chance and computational
complexity. A public dataset for vital sign estimation, including 62 videos
collected from 35 men and 27 women, is also provided. The experimental results
demonstrate state-of-the-art estimation accuracy.
|
107,122 | 107,122 |
Study of Robust Sparsity-Aware RLS algorithms with Jointly-Optimized
Parameters for Impulsive Noise Environments
|
This paper proposes a unified sparsity-aware robust recursive least-squares
RLS (S-RRLS) algorithm for the identification of sparse systems under impulsive
noise. The proposed algorithm generalizes multiple algorithms only by replacing
the specified criterion of robustness and sparsity-aware penalty. Furthermore,
by jointly optimizing the forgetting factor and the sparsity penalty parameter,
we develop the jointly-optimized S-RRLS (JO-S-RRLS) algorithm, which not only
exhibits low misadjustment but also can track well sudden changes of a sparse
system. Simulations in impulsive noise scenarios demonstrate that the proposed
S-RRLS and JO-S-RRLS algorithms outperform existing techniques.
|
107,123 | 107,123 |
Benchmarking Domain Generalization on EEG-based Emotion Recognition
|
Electroencephalography (EEG) based emotion recognition has demonstrated
tremendous improvement in recent years. Specifically, numerous domain
adaptation (DA) algorithms have been exploited in the past five years to
enhance the generalization of emotion recognition models across subjects. The
DA methods assume that calibration data (although unlabeled) exists in the
target domain (new user). However, this assumption conflicts with the
application scenario that the model should be deployed without the
time-consuming calibration experiments. We argue that domain generalization
(DG) is more reasonable than DA in these applications. DG learns how to
generalize to unseen target domains by leveraging knowledge from multiple
source domains, which provides a new possibility to train general models. In
this paper, we for the first time benchmark state-of-the-art DG algorithms on
EEG-based emotion recognition. Since convolutional neural network (CNN), deep
brief network (DBN) and multilayer perceptron (MLP) have been proved to be
effective emotion recognition models, we use these three models as solid
baselines. Experimental results show that DG achieves an accuracy of up to
79.41\% on the SEED dataset for recognizing three emotions, indicting the
potential of DG in zero-training emotion recognition when multiple sources are
available.
|
107,124 | 107,124 |
Hybrid Transformer Network for Different Horizons-based Enriched Wind
Speed Forecasting
|
Highly accurate different horizon-based wind speed forecasting facilitates a
better modern power system. This paper proposed a novel astute hybrid wind
speed forecasting model and applied it to different horizons. The proposed
hybrid forecasting model decomposes the original wind speed data into IMFs
(Intrinsic Mode Function) using Improved Complete Ensemble Empirical Mode
Decomposition with Adaptive Noise (ICEEMDAN). We fed the obtained subseries
from ICEEMDAN to the transformer network. Each transformer network computes the
forecast subseries and then passes to the fusion phase. Get the primary wind
speed forecasting from the fusion of individual transformer network forecast
subseries. Estimate the residual error values and predict errors using a
multilayer perceptron neural network. The forecast error is added to the
primary forecast wind speed to leverage the high accuracy of wind speed
forecasting. Comparative analysis with real-time Kethanur, India wind farm
dataset results reveals the proposed ICEEMDAN-TNF-MLPN-RECS hybrid model's
superior performance with MAE=1.7096*10^-07, MAPE=2.8416*10^-06,
MRE=2.8416*10^-08, MSE=5.0206*10^-14, and RMSE=2.2407*10^-07 for case study 1
and MAE=6.1565*10^-07, MAPE=9.5005*10^-06, MRE=9.5005*10^-08,
MSE=8.9289*10^-13, and RMSE=9.4493*10^-07 for case study 2 enriched wind speed
forecasting than state-of-the-art methods and reduces the burden on the power
system engineer.
|
107,125 | 107,125 |
A stochastic Stein Variational Newton method
|
Stein variational gradient descent (SVGD) is a general-purpose
optimization-based sampling algorithm that has recently exploded in popularity,
but is limited by two issues: it is known to produce biased samples, and it can
be slow to converge on complicated distributions. A recently proposed
stochastic variant of SVGD (sSVGD) addresses the first issue, producing
unbiased samples by incorporating a special noise into the SVGD dynamics such
that asymptotic convergence is guaranteed. Meanwhile, Stein variational Newton
(SVN), a Newton-like extension of SVGD, dramatically accelerates the
convergence of SVGD by incorporating Hessian information into the dynamics, but
also produces biased samples. In this paper we derive, and provide a practical
implementation of, a stochastic variant of SVN (sSVN) which is both
asymptotically correct and converges rapidly. We demonstrate the effectiveness
of our algorithm on a difficult class of test problems -- the Hybrid Rosenbrock
density -- and show that sSVN converges using three orders of magnitude fewer
gradient evaluations of the log likelihood than its stochastic SVGD
counterpart. Our results show that sSVN is a promising approach to accelerating
high-precision Bayesian inference tasks with modest-dimension,
$d\sim\mathcal{O}(10)$.
|
107,126 | 107,126 |
Unsupervised detection of ash dieback disease (Hymenoscyphus fraxineus)
using diffusion-based hyperspectral image clustering
|
Ash dieback (Hymenoscyphus fraxineus) is an introduced fungal disease that is
causing the widespread death of ash trees across Europe. Remote sensing
hyperspectral images encode rich structure that has been exploited for the
detection of dieback disease in ash trees using supervised machine learning
techniques. However, to understand the state of forest health at
landscape-scale, accurate unsupervised approaches are needed. This article
investigates the use of the unsupervised Diffusion and VCA-Assisted Image
Segmentation (D-VIS) clustering algorithm for the detection of ash dieback
disease in a forest site near Cambridge, United Kingdom. The unsupervised
clustering presented in this work has high overlap with the supervised
classification of previous work on this scene (overall accuracy = 71%). Thus,
unsupervised learning may be used for the remote detection of ash dieback
disease without the need for expert labeling.
|
107,127 | 107,127 |
Accelerating Inhibitor Discovery for Multiple SARS-CoV-2 Targets with a
Single, Sequence-Guided Deep Generative Framework
|
The COVID-19 pandemic has highlighted the urgency for developing more
efficient molecular discovery pathways. As exhaustive exploration of the vast
chemical space is infeasible, discovering novel inhibitor molecules for
emerging drug-target proteins is challenging, particularly for targets with
unknown structure or ligands. We demonstrate the broad utility of a single deep
generative framework toward discovering novel drug-like inhibitor molecules
against two distinct SARS-CoV-2 targets -- the main protease (Mpro) and the
receptor binding domain (RBD) of the spike protein. To perform target-aware
design, the framework employs a target sequence-conditioned sampling of novel
molecules from a generative model. Micromolar-level in vitro inhibition was
observed for two candidates (out of four synthesized) for each target. The most
potent spike RBD inhibitor also emerged as a rare non-covalent antiviral with
broad-spectrum activity against several SARS-CoV-2 variants in live virus
neutralization assays. These results show that a broadly deployable machine
intelligence framework can accelerate hit discovery across different emerging
drug-targets.
|
107,128 | 107,128 |
SDGCCA: Supervised Deep Generalized Canonical Correlation Analysis for
Multi-omics Integration
|
Integration of multi-omics data provides opportunities for revealing
biological mechanisms related to certain phenotypes. We propose a novel method
of multi-omics integration called supervised deep generalized canonical
correlation analysis (SDGCCA) for modeling correlation structures between
nonlinear multi-omics manifolds, aiming for improving classification of
phenotypes and revealing biomarkers related to phenotypes. SDGCCA addresses the
limitations of other canonical correlation analysis (CCA)-based models (e.g.,
deep CCA, deep generalized CCA) by considering complex/nonlinear cross-data
correlations and discriminating phenotype groups. Although there are a few
methods for nonlinear CCA projections for discriminant purposes of phenotypes,
they only consider two views. On the other hand, SDGCCA is the nonlinear
multiview CCA projection method for discrimination. When we applied SDGCCA to
prediction of patients of Alzheimer's disease (AD) and discrimination of early-
and late-stage cancers, it outperformed other CCA-based methods and other
supervised methods. In addition, we demonstrate that SDGCCA can be used for
feature selection to identify important multi-omics biomarkers. In the
application on AD data, SDGCCA identified clusters of genes in multi-omics
data, which are well known to be associated with AD.
|
107,129 | 107,129 |
Learning Theory of Mind via Dynamic Traits Attribution
|
Machine learning of Theory of Mind (ToM) is essential to build social agents
that co-live with humans and other agents. This capacity, once acquired, will
help machines infer the mental states of others from observed contextual action
trajectories, enabling future prediction of goals, intention, actions and
successor representations. The underlying mechanism for such a prediction
remains unclear, however. Inspired by the observation that humans often infer
the character traits of others, then use it to explain behaviour, we propose a
new neural ToM architecture that learns to generate a latent trait vector of an
actor from the past trajectories. This trait vector then multiplicatively
modulates the prediction mechanism via a `fast weights' scheme in the
prediction neural network, which reads the current context and predicts the
behaviour. We empirically show that the fast weights provide a good inductive
bias to model the character traits of agents and hence improves mindreading
ability. On the indirect assessment of false-belief understanding, the new ToM
model enables more efficient helping behaviours.
|
107,130 | 107,130 |
House Price Prediction Based On Deep Learning
|
Since ancient times, what Chinese people have been pursuing is very simple,
which is nothing more than "to live and work happily, to eat and dress
comfortable". Today, more than 40 years after the reform and opening, people
have basically solved the problem of food and clothing, and the urgent problem
is housing. Nowadays, due to the storm of long-term rental apartment
intermediary platforms such as eggshell, increasing the sense of insecurity of
renters, as well as the urbanization in recent years and the scramble for
people in major cities, this will make the future real estate market
competition more intense. In order to better grasp the real estate price, let
consumers buy a house reasonably, and provide a reference for the government to
formulate policies, this paper summarizes the existing methods of house price
prediction and proposes a house price prediction method based on mixed depth
vision and text features.
|
107,131 | 107,131 |
PR-DAD: Phase Retrieval Using Deep Auto-Decoders
|
Phase retrieval is a well known ill-posed inverse problem where one tries to
recover images given only the magnitude values of their Fourier transform as
input. In recent years, new algorithms based on deep learning have been
proposed, providing breakthrough results that surpass the results of the
classical methods. In this work we provide a novel deep learning architecture
PR-DAD (Phase Retrieval Using Deep Auto- Decoders), whose components are
carefully designed based on mathematical modeling of the phase retrieval
problem. The architecture provides experimental results that surpass all
current results.
|
107,132 | 107,132 |
Optimizing Tensor Network Contraction Using Reinforcement Learning
|
Quantum Computing (QC) stands to revolutionize computing, but is currently
still limited. To develop and test quantum algorithms today, quantum circuits
are often simulated on classical computers. Simulating a complex quantum
circuit requires computing the contraction of a large network of tensors. The
order (path) of contraction can have a drastic effect on the computing cost,
but finding an efficient order is a challenging combinatorial optimization
problem.
We propose a Reinforcement Learning (RL) approach combined with Graph Neural
Networks (GNN) to address the contraction ordering problem. The problem is
extremely challenging due to the huge search space, the heavy-tailed reward
distribution, and the challenging credit assignment. We show how a carefully
implemented RL-agent that uses a GNN as the basic policy construct can address
these challenges and obtain significant improvements over state-of-the-art
techniques in three varieties of circuits, including the largest scale networks
used in contemporary QC.
|
107,133 | 107,133 |
Sampling Strategies for Static Powergrid Models
|
Machine learning and computational intelligence technologies gain more and
more popularity as possible solution for issues related to the power grid. One
of these issues, the power flow calculation, is an iterative method to compute
the voltage magnitudes of the power grid's buses from power values. Machine
learning and, especially, artificial neural networks were successfully used as
surrogates for the power flow calculation. Artificial neural networks highly
rely on the quality and size of the training data, but this aspect of the
process is apparently often neglected in the works we found. However, since the
availability of high quality historical data for power grids is limited, we
propose the Correlation Sampling algorithm. We show that this approach is able
to cover a larger area of the sampling space compared to different random
sampling algorithms from the literature and a copula-based approach, while at
the same time inter-dependencies of the inputs are taken into account, which,
from the other algorithms, only the copula-based approach does.
|
107,134 | 107,134 |
An unsupervised approach for semantic place annotation of trajectories
based on the prior probability
|
Semantic place annotation can provide individual semantics, which can be of
great help in the field of trajectory data mining. Most existing methods rely
on annotated or external data and require retraining following a change of
region, thus preventing their large-scale applications. Herein, we propose an
unsupervised method denoted as UPAPP for the semantic place annotation of
trajectories using spatiotemporal information. The Bayesian Criterion is
specifically employed to decompose the spatiotemporal probability of the
candidate place into spatial probability, duration probability, and visiting
time probability. Spatial information in ROI and POI data is subsequently
adopted to calculate the spatial probability. In terms of the temporal
probabilities, the Term Frequency Inverse Document Frequency weighting
algorithm is used to count the potential visits to different place types in the
trajectories, and generates the prior probabilities of the visiting time and
duration. The spatiotemporal probability of the candidate place is then
combined with the importance of the place category to annotate the visited
places. Validation with a trajectory dataset collected by 709 volunteers in
Beijing showed that our method achieved an overall and average accuracy of
0.712 and 0.720, respectively, indicating that the visited places can be
annotated accurately without any external data.
|
107,135 | 107,135 |
Choosing the number of factors in factor analysis with incomplete data
via a hierarchical Bayesian information criterion
|
The Bayesian information criterion (BIC), defined as the observed data log
likelihood minus a penalty term based on the sample size $N$, is a popular
model selection criterion for factor analysis with complete data. This
definition has also been suggested for incomplete data. However, the penalty
term based on the `complete' sample size $N$ is the same no matter whether in a
complete or incomplete data case. For incomplete data, there are often only
$N_i<N$ observations for variable $i$, which means that using the `complete'
sample size $N$ implausibly ignores the amounts of missing information inherent
in incomplete data. Given this observation, a novel criterion called
hierarchical BIC (HBIC) for factor analysis with incomplete data is proposed.
The novelty is that it only uses the actual amounts of observed information,
namely $N_i$'s, in the penalty term. Theoretically, it is shown that HBIC is a
large sample approximation of variational Bayesian (VB) lower bound, and BIC is
a further approximation of HBIC, which means that HBIC shares the theoretical
consistency of BIC. Experiments on synthetic and real data sets are conducted
to access the finite sample performance of HBIC, BIC, and related criteria with
various missing rates. The results show that HBIC and BIC perform similarly
when the missing rate is small, but HBIC is more accurate when the missing rate
is not small.
|
107,136 | 107,136 |
Indiscriminate Data Poisoning Attacks on Neural Networks
|
Data poisoning attacks, in which a malicious adversary aims to influence a
model by injecting "poisoned" data into the training process, have attracted
significant recent attention. In this work, we take a closer look at existing
poisoning attacks and connect them with old and new algorithms for solving
sequential Stackelberg games. By choosing an appropriate loss function for the
attacker and optimizing with algorithms that exploit second-order information,
we design poisoning attacks that are effective on neural networks. We present
efficient implementations that exploit modern auto-differentiation packages and
allow simultaneous and coordinated generation of tens of thousands of poisoned
points, in contrast to existing methods that generate poisoned points one by
one. We further perform extensive experiments that empirically explore the
effect of data poisoning attacks on deep neural networks.
|
107,137 | 107,137 |
An improved central limit theorem and fast convergence rates for
entropic transportation costs
|
We prove a central limit theorem for the entropic transportation cost between
subgaussian probability measures, centered at the population cost. This is the
first result which allows for asymptotically valid inference for entropic
optimal transport between measures which are not necessarily discrete. In the
compactly supported case, we complement these results with new, faster,
convergence rates for the expected entropic transportation cost between
empirical measures. Our proof is based on strengthening convergence results for
dual solutions to the entropic optimal transport problem.
|
107,138 | 107,138 |
Sintel: A Machine Learning Framework to Extract Insights from Signals
|
The detection of anomalies in time series data is a critical task with many
monitoring applications. Existing systems often fail to encompass an end-to-end
detection process, to facilitate comparative analysis of various anomaly
detection methods, or to incorporate human knowledge to refine output. This
precludes current methods from being used in real-world settings by
practitioners who are not ML experts. In this paper, we introduce Sintel, a
machine learning framework for end-to-end time series tasks such as anomaly
detection. The framework uses state-of-the-art approaches to support all steps
of the anomaly detection process. Sintel logs the entire anomaly detection
journey, providing detailed documentation of anomalies over time. It enables
users to analyze signals, compare methods, and investigate anomalies through an
interactive visualization tool, where they can annotate, modify, create, and
remove events. Using these annotations, the framework leverages human knowledge
to improve the anomaly detection pipeline. We demonstrate the usability,
efficiency, and effectiveness of Sintel through a series of experiments on
three public time series datasets, as well as one real-world use case involving
spacecraft experts tasked with anomaly analysis tasks. Sintel's framework,
code, and datasets are open-sourced at https://github.com/sintel-dev/.
|
107,139 | 107,139 |
From Spoken Thoughts to Automated Driving Commentary: Predicting and
Explaining Intelligent Vehicles' Actions
|
In commentary driving, drivers verbalise their observations, assessments and
intentions. By speaking out their thoughts, both learning and expert drivers
are able to create a better understanding and awareness of their surroundings.
In the intelligent vehicle context, automated driving commentary can provide
intelligible explanations about driving actions, thereby assisting a driver or
an end-user during driving operations in challenging and safety-critical
scenarios. In this paper, we conducted a field study in which we deployed a
research vehicle in an urban environment to obtain data. While collecting
sensor data of the vehicle's surroundings, we obtained driving commentary from
a driving instructor using the think-aloud protocol. We analysed the driving
commentary and uncovered an explanation style; the driver first announces his
observations, announces his plans, and then makes general remarks. He also
makes counterfactual comments. We successfully demonstrated how factual and
counterfactual natural language explanations that follow this style could be
automatically generated using a transparent tree-based approach. Generated
explanations for longitudinal actions (e.g., stop and move) were deemed more
intelligible and plausible by human judges compared to lateral actions, such as
lane changes. We discussed how our approach can be built on in the future to
realise more robust and effective explainability for driver assistance as well
as partial and conditional automation of driving functions.
|
107,140 | 107,140 |
A Novel Fast Exact Subproblem Solver for Stochastic Quasi-Newton Cubic
Regularized Optimization
|
In this work we describe an Adaptive Regularization using Cubics (ARC) method
for large-scale nonconvex unconstrained optimization using Limited-memory
Quasi-Newton (LQN) matrices. ARC methods are a relatively new family of
optimization strategies that utilize a cubic-regularization (CR) term in place
of trust-regions and line-searches. LQN methods offer a large-scale alternative
to using explicit second-order information by taking identical inputs to those
used by popular first-order methods such as stochastic gradient descent (SGD).
Solving the CR subproblem exactly requires Newton's method, yet using
properties of the internal structure of LQN matrices, we are able to find exact
solutions to the CR subproblem in a matrix-free manner, providing large
speedups and scaling into modern size requirements. Additionally, we expand
upon previous ARC work and explicitly incorporate first-order updates into our
algorithm. We provide experimental results when the SR1 update is used, which
show substantial speed-ups and competitive performance compared to Adam and
other second order optimizers on deep neural networks (DNNs). We find that our
new approach, ARCLQN, compares to modern optimizers with minimal tuning, a
common pain-point for second order methods.
|
107,141 | 107,141 |
GAM(e) changer or not? An evaluation of interpretable machine learning
models based on additive model constraints
|
The number of information systems (IS) studies dealing with explainable
artificial intelligence (XAI) is currently exploding as the field demands more
transparency about the internal decision logic of machine learning (ML) models.
However, most techniques subsumed under XAI provide post-hoc-analytical
explanations, which have to be considered with caution as they only use
approximations of the underlying ML model. Therefore, our paper investigates a
series of intrinsically interpretable ML models and discusses their suitability
for the IS community. More specifically, our focus is on advanced extensions of
generalized additive models (GAM) in which predictors are modeled independently
in a non-linear way to generate shape functions that can capture arbitrary
patterns but remain fully interpretable. In our study, we evaluate the
prediction qualities of five GAMs as compared to six traditional ML models and
assess their visual outputs for model interpretability. On this basis, we
investigate their merits and limitations and derive design implications for
further improvements.
|
107,142 | 107,142 |
Diverse Imagenet Models Transfer Better
|
A commonly accepted hypothesis is that models with higher accuracy on
Imagenet perform better on other downstream tasks, leading to much research
dedicated to optimizing Imagenet accuracy. Recently this hypothesis has been
challenged by evidence showing that self-supervised models transfer better than
their supervised counterparts, despite their inferior Imagenet accuracy. This
calls for identifying the additional factors, on top of Imagenet accuracy, that
make models transferable. In this work we show that high diversity of the
features learnt by the model promotes transferability jointly with Imagenet
accuracy. Encouraged by the recent transferability results of self-supervised
models, we propose a method that combines self-supervised and supervised
pretraining to generate models with both high diversity and high accuracy, and
as a result high transferability. We demonstrate our results on several
architectures and multiple downstream tasks, including both single-label and
multi-label classification.
|
107,143 | 107,143 |
Approximating Persistent Homology for Large Datasets
|
Persistent homology is an important methodology from topological data
analysis which adapts theory from algebraic topology to data settings and has
been successfully implemented in many applications. It produces a statistical
summary in the form of a persistence diagram, which captures the shape and size
of the data. Despite its widespread use, persistent homology is simply
impossible to implement when a dataset is very large. In this paper we address
the problem of finding a representative persistence diagram for prohibitively
large datasets. We adapt the classical statistical method of bootstrapping,
namely, drawing and studying smaller multiple subsamples from the large
dataset. We show that the mean of the persistence diagrams of subsamples --
taken as a mean persistence measure computed from the subsamples -- is a valid
approximation of the true persistent homology of the larger dataset. We give
the rate of convergence of the mean persistence diagram to the true persistence
diagram in terms of the number of subsamples and size of each subsample. Given
the complex algebraic and geometric nature of persistent homology, we adapt the
convexity and stability properties in the space of persistence diagrams
together with random set theory to achieve our theoretical results for the
general setting of point cloud data. We demonstrate our approach on simulated
and real data, including an application of shape clustering on complex
large-scale point cloud data.
|
107,144 | 107,144 |
Multifidelity Deep Operator Networks
|
Operator learning for complex nonlinear operators is increasingly common in
modeling physical systems. However, training machine learning methods to learn
such operators requires a large amount of expensive, high-fidelity data. In
this work, we present a composite Deep Operator Network (DeepONet) for learning
using two datasets with different levels of fidelity, to accurately learn
complex operators when sufficient high-fidelity data is not available.
Additionally, we demonstrate that the presence of low-fidelity data can improve
the predictions of physics-informed learning with DeepONets.
|
107,145 | 107,145 |
On the Representation Collapse of Sparse Mixture of Experts
|
Sparse mixture of experts provides larger model capacity while requiring a
constant computational overhead. It employs the routing mechanism to distribute
input tokens to the best-matched experts according to their hidden
representations. However, learning such a routing mechanism encourages token
clustering around expert centroids, implying a trend toward representation
collapse. In this work, we propose to estimate the routing scores between
tokens and experts on a low-dimensional hypersphere. We conduct extensive
experiments on cross-lingual language model pre-training and fine-tuning on
downstream tasks. Experimental results across seven multilingual benchmarks
show that our method achieves consistent gains. We also present a comprehensive
analysis on the representation and routing behaviors of our models. Our method
alleviates the representation collapse issue and achieves more consistent
routing than the baseline mixture-of-experts methods.
|
107,146 | 107,146 |
Robustness Testing of Data and Knowledge Driven Anomaly Detection in
Cyber-Physical Systems
|
The growing complexity of Cyber-Physical Systems (CPS) and challenges in
ensuring safety and security have led to the increasing use of deep learning
methods for accurate and scalable anomaly detection. However, machine learning
(ML) models often suffer from low performance in predicting unexpected data and
are vulnerable to accidental or malicious perturbations. Although robustness
testing of deep learning models has been extensively explored in applications
such as image classification and speech recognition, less attention has been
paid to ML-driven safety monitoring in CPS. This paper presents the preliminary
results on evaluating the robustness of ML-based anomaly detection methods in
safety-critical CPS against two types of accidental and malicious input
perturbations, generated using a Gaussian-based noise model and the Fast
Gradient Sign Method (FGSM). We test the hypothesis of whether integrating the
domain knowledge (e.g., on unsafe system behavior) with the ML models can
improve the robustness of anomaly detection without sacrificing accuracy and
transparency. Experimental results with two case studies of Artificial Pancreas
Systems (APS) for diabetes management show that ML-based safety monitors
trained with domain knowledge can reduce on average up to 54.2% of robustness
error and keep the average F1 scores high while improving transparency.
|
107,147 | 107,147 |
Ordinal-ResLogit: Interpretable Deep Residual Neural Networks for
Ordered Choices
|
This study presents an Ordinal version of Residual Logit (Ordinal-ResLogit)
model to investigate the ordinal responses. We integrate the standard ResLogit
model into COnsistent RAnk Logits (CORAL) framework, classified as a binary
classification algorithm, to develop a fully interpretable deep learning-based
ordinal regression model. As the formulation of the Ordinal-ResLogit model
enjoys the Residual Neural Networks concept, our proposed model addresses the
main constraint of machine learning algorithms, known as black-box. Moreover,
the Ordinal-ResLogit model, as a binary classification framework for ordinal
data, guarantees consistency among binary classifiers. We showed that the
resulting formulation is able to capture underlying unobserved heterogeneity
from the data as well as being an interpretable deep learning-based model.
Formulations for market share, substitution patterns, and elasticities are
derived. We compare the performance of the Ordinal-ResLogit model with an
Ordered Logit Model using a stated preference (SP) dataset on pedestrian wait
time and a revealed preference (RP) dataset on travel distance. Our results
show that Ordinal-ResLogit outperforms the traditional ordinal regression model
for both datasets. Furthermore, the results obtained from the Ordinal-ResLogit
RP model show that travel attributes such as driving and transit cost have
significant effects on choosing the location of non-mandatory trips. In terms
of the Ordinal-ResLogit SP model, our results highlight that the road-related
variables and traffic condition are contributing factors in the prediction of
pedestrian waiting time such that the mixed traffic condition significantly
increases the probability of choosing longer waiting times.
|
107,148 | 107,148 |
Interventional Multi-Instance Learning with Deconfounded Instance-Level
Prediction
|
When applying multi-instance learning (MIL) to make predictions for bags of
instances, the prediction accuracy of an instance often depends on not only the
instance itself but also its context in the corresponding bag. From the
viewpoint of causal inference, such bag contextual prior works as a confounder
and may result in model robustness and interpretability issues. Focusing on
this problem, we propose a novel interventional multi-instance learning (IMIL)
framework to achieve deconfounded instance-level prediction. Unlike traditional
likelihood-based strategies, we design an Expectation-Maximization (EM)
algorithm based on causal intervention, providing a robust instance selection
in the training phase and suppressing the bias caused by the bag contextual
prior. Experiments on pathological image analysis demonstrate that our IMIL
method substantially reduces false positives and outperforms state-of-the-art
MIL methods.
|
107,149 | 107,149 |
Who Is Missing? Characterizing the Participation of Different
Demographic Groups in a Korean Nationwide Daily Conversation Corpus
|
A conversation corpus is essential to build interactive AI applications.
However, the demographic information of the participants in such corpora is
largely underexplored mainly due to the lack of individual data in many
corpora. In this work, we analyze a Korean nationwide daily conversation corpus
constructed by the National Institute of Korean Language (NIKL) to characterize
the participation of different demographic (age and sex) groups in the corpus.
|
107,150 | 107,150 |
Does Interference Exist When Training a Once-For-All Network?
|
The Once-For-All (OFA) method offers an excellent pathway to deploy a trained
neural network model into multiple target platforms by utilising the
supernet-subnet architecture. Once trained, a subnet can be derived from the
supernet (both architecture and trained weights) and deployed directly to the
target platform with little to no retraining or fine-tuning. To train the
subnet population, OFA uses a novel training method called Progressive
Shrinking (PS) which is designed to limit the negative impact of interference
during training. It is believed that higher interference during training
results in lower subnet population accuracies. In this work we take a second
look at this interference effect. Surprisingly, we find that interference
mitigation strategies do not have a large impact on the overall subnet
population performance. Instead, we find the subnet architecture selection bias
during training to be a more important aspect. To show this, we propose a
simple-yet-effective method called Random Subnet Sampling (RSS), which does not
have mitigation on the interference effect. Despite no mitigation, RSS is able
to produce a better performing subnet population than PS in four
small-to-medium-sized datasets; suggesting that the interference effect does
not play a pivotal role in these datasets. Due to its simplicity, RSS provides
a $1.9\times$ reduction in training times compared to PS. A $6.1\times$
reduction can also be achieved with a reasonable drop in performance when the
number of RSS training epochs are reduced. Code available at
https://github.com/Jordan-HS/RSS-Interference-CVPRW2022.
|
107,151 | 107,151 |
Efficient Progressive High Dynamic Range Image Restoration via Attention
and Alignment Network
|
HDR is an important part of computational photography technology. In this
paper, we propose a lightweight neural network called Efficient
Attention-and-alignment-guided Progressive Network (EAPNet) for the challenge
NTIRE 2022 HDR Track 1 and Track 2. We introduce a multi-dimensional
lightweight encoding module to extract features. Besides, we propose
Progressive Dilated U-shape Block (PDUB) that can be a progressive
plug-and-play module for dynamically tuning MAccs and PSNR. Finally, we use
fast and low-power feature-align module to deal with misalignment problem in
place of the time-consuming Deformable Convolutional Network (DCN). The
experiments show that our method achieves about 20 times compression on MAccs
with better mu-PSNR and PSNR compared to the state-of-the-art method. We got
the second place of both two tracks during the testing phase. Figure1. shows
the visualized result of NTIRE 2022 HDR challenge.
|
107,152 | 107,152 |
Reinforcement Learning with Intrinsic Affinity for Personalized Asset
Management
|
The common purpose of applying reinforcement learning (RL) to asset
management is the maximization of profit. The extrinsic reward function used to
learn an optimal strategy typically does not take into account any other
preferences or constraints. We have developed a regularization method that
ensures that strategies have global intrinsic affinities, i.e., different
personalities may have preferences for certain assets which may change over
time. We capitalize on these intrinsic policy affinities to make our RL model
inherently interpretable. We demonstrate how RL agents can be trained to
orchestrate such individual policies for particular personality profiles and
still achieve high returns.
|
107,153 | 107,153 |
K-LITE: Learning Transferable Visual Models with External Knowledge
|
Recent state-of-the-art computer vision systems are trained from natural
language supervision, ranging from simple object category names to descriptive
captions. This free form of supervision ensures high generality and usability
of the learned visual models, based on extensive heuristics on data collection
to cover as many visual concepts as possible. Alternatively, learning with
external knowledge about images is a promising way which leverages a much more
structured source of supervision. In this paper, we propose K-LITE
(Knowledge-augmented Language-Image Training and Evaluation), a simple strategy
to leverage external knowledge to build transferable visual systems: In
training, it enriches entities in natural language with WordNet and Wiktionary
knowledge, leading to an efficient and scalable approach to learning image
representations that can understand both visual concepts and their knowledge;
In evaluation, the natural language is also augmented with external knowledge
and then used to reference learned visual concepts (or describe new ones) to
enable zero-shot and few-shot transfer of the pre-trained models. We study the
performance of K-LITE on two important computer vision problems, image
classification and object detection, benchmarking on 20 and 13 different
existing datasets, respectively. The proposed knowledge-augmented models show
significant improvement in transfer learning performance over existing methods.
|
107,154 | 107,154 |
Tight Last-Iterate Convergence of the Extragradient and the Optimistic
Gradient Descent-Ascent Algorithm for Constrained Monotone Variational
Inequalities
|
The monotone variational inequality is a central problem in mathematical
programming that unifies and generalizes many important settings such as smooth
convex optimization, two-player zero-sum games, convex-concave saddle point
problems, etc. The extragradient algorithm by Korpelevich [1976] and the
optimistic gradient descent-ascent algorithm by Popov [1980] are arguably the
two most classical and popular methods for solving monotone variational
inequalities. Despite their long histories, the following major problem remains
open. What is the last-iterate convergence rate of the extragradient algorithm
or the optimistic gradient descent-ascent algorithm for monotone and Lipschitz
variational inequalities with constraints? We resolve this open problem by
showing that both the extragradient algorithm and the optimistic gradient
descent-ascent algorithm have a tight $O\left(\frac{1}{\sqrt{T}}\right)$
last-iterate convergence rate for arbitrary convex feasible sets, which matches
the lower bound by Golowich et al. [2020a,b]. Our rate is measured in terms of
the standard gap function. At the core of our results lies a non-standard
performance measure -- the tangent residual, which can be viewed as an
adaptation of the norm of the operator that takes the local constraints into
account. We use the tangent residual (or a slight variation of the tangent
residual) as the the potential function in our analysis of the extragradient
algorithm (or the optimistic gradient descent-ascent algorithm) and prove that
it is non-increasing between two consecutive iterates.
|
107,155 | 107,155 |
Scalable Motif Counting for Large-scale Temporal Graphs
|
One fundamental problem in temporal graph analysis is to count the
occurrences of small connected subgraph patterns (i.e., motifs), which benefits
a broad range of real-world applications, such as anomaly detection, structure
prediction, and network representation learning. However, existing works
focused on exacting temporal motif are not scalable to large-scale temporal
graph data, due to their heavy computational costs or inherent inadequacy of
parallelism. In this work, we propose a scalable parallel framework for exactly
counting temporal motifs in large-scale temporal graphs. We first categorize
the temporal motifs based on their distinct properties, and then design
customized algorithms that offer efficient strategies to exactly count the
motif instances of each category. Moreover, our compact data structures, namely
triple and quadruple counters, enable our algorithms to directly identify the
temporal motif instances of each category, according to edge information and
the relationship between edges, therefore significantly improving the counting
efficiency. Based on the proposed counting algorithms, we design a hierarchical
parallel framework that features both inter- and intra-node parallel
strategies, and fully leverages the multi-threading capacity of modern CPU to
concurrently count all temporal motifs. Extensive experiments on sixteen
real-world temporal graph datasets demonstrate the superiority and capability
of our proposed framework for temporal motif counting, achieving up to 538*
speedup compared to the state-of-the-art methods. The source code of our method
is available at: https://github.com/steven-ccq/FAST-temporal-motif.
|
107,156 | 107,156 |
DAME: Domain Adaptation for Matching Entities
|
Entity matching (EM) identifies data records that refer to the same
real-world entity. Despite the effort in the past years to improve the
performance in EM, the existing methods still require a huge amount of labeled
data in each domain during the training phase. These methods treat each domain
individually, and capture the specific signals for each dataset in EM, and this
leads to overfitting on just one dataset. The knowledge that is learned from
one dataset is not utilized to better understand the EM task in order to make
predictions on the unseen datasets with fewer labeled samples. In this paper,
we propose a new domain adaptation-based method that transfers the task
knowledge from multiple source domains to a target domain. Our method presents
a new setting for EM where the objective is to capture the task-specific
knowledge from pretraining our model using multiple source domains, then
testing our model on a target domain. We study the zero-shot learning case on
the target domain, and demonstrate that our method learns the EM task and
transfers knowledge to the target domain. We extensively study fine-tuning our
model on the target dataset from multiple domains, and demonstrate that our
model generalizes better than state-of-the-art methods in EM.
|
107,157 | 107,157 |
Hessian Averaging in Stochastic Newton Methods Achieves Superlinear
Convergence
|
We consider minimizing a smooth and strongly convex objective function using
a stochastic Newton method. At each iteration, the algorithm is given an oracle
access to a stochastic estimate of the Hessian matrix. The oracle model
includes popular algorithms such as the Subsampled Newton and Newton Sketch,
which can efficiently construct stochastic Hessian estimates for many tasks.
Despite using second-order information, these existing methods do not exhibit
superlinear convergence, unless the stochastic noise is gradually reduced to
zero during the iteration, which would lead to a computational blow-up in the
per-iteration cost. We address this limitation with Hessian averaging: instead
of using the most recent Hessian estimate, our algorithm maintains an average
of all past estimates. This reduces the stochastic noise while avoiding the
computational blow-up. We show that this scheme enjoys local $Q$-superlinear
convergence with a non-asymptotic rate of $(\Upsilon\sqrt{\log (t)/t}\,)^{t}$,
where $\Upsilon$ is proportional to the level of stochastic noise in the
Hessian oracle. A potential drawback of this (uniform averaging) approach is
that the averaged estimates contain Hessian information from the global phase
of the iteration, i.e., before the iterates converge to a local neighborhood.
This leads to a distortion that may substantially delay the superlinear
convergence until long after the local neighborhood is reached. To address this
drawback, we study a number of weighted averaging schemes that assign larger
weights to recent Hessians, so that the superlinear convergence arises sooner,
albeit with a slightly slower rate. Remarkably, we show that there exists a
universal weighted averaging scheme that transitions to local convergence at an
optimal stage, and still enjoys a superlinear convergence~rate nearly (up to a
logarithmic factor) matching that of uniform Hessian averaging.
|
107,158 | 107,158 |
Uncertainty-based Cross-Modal Retrieval with Probabilistic
Representations
|
Probabilistic embeddings have proven useful for capturing polysemous word
meanings, as well as ambiguity in image matching. In this paper, we study the
advantages of probabilistic embeddings in a cross-modal setting (i.e., text and
images), and propose a simple approach that replaces the standard vector point
embeddings in extant image-text matching models with probabilistic
distributions that are parametrically learned. Our guiding hypothesis is that
the uncertainty encoded in the probabilistic embeddings captures the
cross-modal ambiguity in the input instances, and that it is through capturing
this uncertainty that the probabilistic models can perform better at downstream
tasks, such as image-to-text or text-to-image retrieval. Through extensive
experiments on standard and new benchmarks, we show a consistent advantage for
probabilistic representations in cross-modal retrieval, and validate the
ability of our embeddings to capture uncertainty.
|
107,159 | 107,159 |
A Survey on Non-Autoregressive Generation for Neural Machine Translation
and Beyond
|
Non-autoregressive (NAR) generation, which is first proposed in neural
machine translation (NMT) to speed up inference, has attracted much attention
in both machine learning and natural language processing communities. While NAR
generation can significantly accelerate inference speed for machine
translation, the speedup comes at the cost of sacrificed translation accuracy
compared to its counterpart, auto-regressive (AR) generation. In recent years,
many new models and algorithms have been designed/proposed to bridge the
accuracy gap between NAR generation and AR generation. In this paper, we
conduct a systematic survey with comparisons and discussions of various
non-autoregressive translation (NAT) models from different aspects.
Specifically, we categorize the efforts of NAT into several groups, including
data manipulation, modeling methods, training criterion, decoding algorithms,
and the benefit from pre-trained models. Furthermore, we briefly review other
applications of NAR models beyond machine translation, such as dialogue
generation, text summarization, grammar error correction, semantic parsing,
speech synthesis, and automatic speech recognition. In addition, we also
discuss potential directions for future exploration, including releasing the
dependency of KD, dynamic length prediction, pre-training for NAR, and wider
applications, etc. We hope this survey can help researchers capture the latest
progress in NAR generation, inspire the design of advanced NAR models and
algorithms, and enable industry practitioners to choose appropriate solutions
for their applications. The web page of this survey is at
\url{https://github.com/LitterBrother-Xiao/Overview-of-Non-autoregressive-Applications}.
|
107,160 | 107,160 |
Causality-based Neural Network Repair
|
Neural networks have had discernible achievements in a wide range of
applications. The wide-spread adoption also raises the concern of their
dependability and reliability. Similar to traditional decision-making programs,
neural networks can have defects that need to be repaired. The defects may
cause unsafe behaviors, raise security concerns or unjust societal impacts. In
this work, we address the problem of repairing a neural network for desirable
properties such as fairness and the absence of backdoor. The goal is to
construct a neural network that satisfies the property by (minimally) adjusting
the given neural network's parameters (i.e., weights). Specifically, we propose
CARE (\textbf{CA}usality-based \textbf{RE}pair), a causality-based neural
network repair technique that 1) performs causality-based fault localization to
identify the `guilty' neurons and 2) optimizes the parameters of the identified
neurons to reduce the misbehavior. We have empirically evaluated CARE on
various tasks such as backdoor removal, neural network repair for fairness and
safety properties. Our experiment results show that CARE is able to repair all
neural networks efficiently and effectively. For fairness repair tasks, CARE
successfully improves fairness by $61.91\%$ on average. For backdoor removal
tasks, CARE reduces the attack success rate from over $98\%$ to less than
$1\%$. For safety property repair tasks, CARE reduces the property violation
rate to less than $1\%$. Results also show that thanks to the causality-based
fault localization, CARE's repair focuses on the misbehavior and preserves the
accuracy of the neural networks.
|
107,161 | 107,161 |
Improving generalization of machine learning-identified biomarkers with
causal modeling: an investigation into immune receptor diagnostics
|
Machine learning is increasingly used to discover diagnostic and prognostic
biomarkers from high-dimensional molecular data. However, a variety of factors
related to experimental design may affect the ability to learn generalizable
and clinically applicable diagnostics. Here, we argue that a causal perspective
improves the identification of these challenges, and formalizes their relation
to the robustness and generalization of machine learning-based diagnostics. To
make for a concrete discussion, we focus on a specific, recently established
high-dimensional biomarker - adaptive immune receptor repertoires (AIRRs). We
discuss how the main biological and experimental factors of the AIRR domain may
influence the learned biomarkers and provide easily adjustable simulations of
such effects. In conclusion, we find that causal modeling improves machine
learning-based biomarker robustness by identifying stable relations between
variables and by guiding the adjustment of the relations and variables that
vary between populations.
|
107,162 | 107,162 |
Effects of Graph Convolutions in Deep Networks
|
Graph Convolutional Networks (GCNs) are one of the most popular architectures
that are used to solve classification problems accompanied by graphical
information. We present a rigorous theoretical understanding of the effects of
graph convolutions in multi-layer networks. We study these effects through the
node classification problem of a non-linearly separable Gaussian mixture model
coupled with a stochastic block model. First, we show that a single graph
convolution expands the regime of the distance between the means where
multi-layer networks can classify the data by a factor of at least
$1/\sqrt[4]{\mathbb{E}{\rm deg}}$, where $\mathbb{E}{\rm deg}$ denotes the
expected degree of a node. Second, we show that with a slightly stronger graph
density, two graph convolutions improve this factor to at least
$1/\sqrt[4]{n}$, where $n$ is the number of nodes in the graph. Finally, we
provide both theoretical and empirical insights into the performance of graph
convolutions placed in different combinations among the layers of a network,
concluding that the performance is mutually similar for all combinations of the
placement. We present extensive experiments on both synthetic and real-world
data that illustrate our results.
|
107,163 | 107,163 |
A Deeper Look into Aleatoric and Epistemic Uncertainty Disentanglement
|
Neural networks are ubiquitous in many tasks, but trusting their predictions
is an open issue. Uncertainty quantification is required for many applications,
and disentangled aleatoric and epistemic uncertainties are best. In this paper,
we generalize methods to produce disentangled uncertainties to work with
different uncertainty quantification methods, and evaluate their capability to
produce disentangled uncertainties. Our results show that: there is an
interaction between learning aleatoric and epistemic uncertainty, which is
unexpected and violates assumptions on aleatoric uncertainty, some methods like
Flipout produce zero epistemic uncertainty, aleatoric uncertainty is unreliable
in the out-of-distribution setting, and Ensembles provide overall the best
disentangling quality. We also explore the error produced by the number of
samples hyper-parameter in the sampling softmax function, recommending N > 100
samples. We expect that our formulation and results help practitioners and
researchers choose uncertainty methods and expand the use of disentangled
uncertainties, as well as motivate additional research into this topic.
|
107,164 | 107,164 |
Memory-Constrained Policy Optimization
|
We introduce a new constrained optimization method for policy gradient
reinforcement learning, which uses two trust regions to regulate each policy
update. In addition to using the proximity of one single old policy as the
first trust region as done by prior works, we propose to form a second trust
region through the construction of another virtual policy that represents a
wide range of past policies. We then enforce the new policy to stay closer to
the virtual policy, which is beneficial in case the old policy performs badly.
More importantly, we propose a mechanism to automatically build the virtual
policy from a memory buffer of past policies, providing a new capability for
dynamically selecting appropriate trust regions during the optimization
process. Our proposed method, dubbed as Memory-Constrained Policy Optimization
(MCPO), is examined on a diverse suite of environments including robotic
locomotion control, navigation with sparse rewards and Atari games,
consistently demonstrating competitive performance against recent on-policy
constrained policy gradient methods.
|
107,165 | 107,165 |
SpiderNet: Hybrid Differentiable-Evolutionary Architecture Search via
Train-Free Metrics
|
Neural Architecture Search (NAS) algorithms are intended to remove the burden
of manual neural network design, and have shown to be capable of designing
excellent models for a variety of well-known problems. However, these
algorithms require a variety of design parameters in the form of user
configuration or hard-coded decisions which limit the variety of networks that
can be discovered. This means that NAS algorithms do not eliminate model design
tuning, they instead merely shift the burden of where that tuning needs to be
applied. In this paper, we present SpiderNet, a hybrid
differentiable-evolutionary and hardware-aware algorithm that rapidly and
efficiently produces state-of-the-art networks. More importantly, SpiderNet is
a proof-of-concept of a minimally-configured NAS algorithm; the majority of
design choices seen in other algorithms are incorporated into SpiderNet's
dynamically-evolving search space, minimizing the number of user choices to
just two: reduction cell count and initial channel count. SpiderNet produces
models highly-competitive with the state-of-the-art, and outperforms random
search in accuracy, runtime, memory size, and parameter count.
|
107,166 | 107,166 |
Self-supervised Learning for Sonar Image Classification
|
Self-supervised learning has proved to be a powerful approach to learn image
representations without the need of large labeled datasets. For underwater
robotics, it is of great interest to design computer vision algorithms to
improve perception capabilities such as sonar image classification. Due to the
confidential nature of sonar imaging and the difficulty to interpret sonar
images, it is challenging to create public large labeled sonar datasets to
train supervised learning algorithms. In this work, we investigate the
potential of three self-supervised learning methods (RotNet, Denoising
Autoencoders, and Jigsaw) to learn high-quality sonar image representation
without the need of human labels. We present pre-training and transfer learning
results on real-life sonar image datasets. Our results indicate that
self-supervised pre-training yields classification performance comparable to
supervised pre-training in a few-shot transfer learning setup across all three
methods. Code and self-supervised pre-trained models are be available at
https://github.com/agrija9/ssl-sonar-images
|
107,167 | 107,167 |
Federated Learning in Multi-Center Critical Care Research: A Systematic
Case Study using the eICU Database
|
Federated learning (FL) has been proposed as a method to train a model on
different units without exchanging data. This offers great opportunities in the
healthcare sector, where large datasets are available but cannot be shared to
ensure patient privacy. We systematically investigate the effectiveness of FL
on the publicly available eICU dataset for predicting the survival of each ICU
stay. We employ Federated Averaging as the main practical algorithm for FL and
show how its performance changes by altering three key hyper-parameters, taking
into account that clients can significantly vary in size. We find that in many
settings, a large number of local training epochs improves the performance
while at the same time reducing communication costs. Furthermore, we outline in
which settings it is possible to have only a low number of hospitals
participating in each federated update round. When many hospitals with low
patient counts are involved, the effect of overfitting can be avoided by
decreasing the batchsize. This study thus contributes toward identifying
suitable settings for running distributed algorithms such as FL on clinical
datasets.
|
107,168 | 107,168 |
OutCast: Outdoor Single-image Relighting with Cast Shadows
|
We propose a relighting method for outdoor images. Our method mainly focuses
on predicting cast shadows in arbitrary novel lighting directions from a single
image while also accounting for shading and global effects such the sun light
color and clouds. Previous solutions for this problem rely on reconstructing
occluder geometry, e.g. using multi-view stereo, which requires many images of
the scene. Instead, in this work we make use of a noisy off-the-shelf
single-image depth map estimation as a source of geometry. Whilst this can be a
good guide for some lighting effects, the resulting depth map quality is
insufficient for directly ray-tracing the shadows. Addressing this, we propose
a learned image space ray-marching layer that converts the approximate depth
map into a deep 3D representation that is fused into occlusion queries using a
learned traversal. Our proposed method achieves, for the first time,
state-of-the-art relighting results, with only a single image as input. For
supplementary material visit our project page at:
https://dgriffiths.uk/outcast.
|
107,169 | 107,169 |
Online Caching with no Regret: Optimistic Learning via Recommendations
|
The design of effective online caching policies is an increasingly important
problem for content distribution networks, online social networks and edge
computing services, among other areas. This paper proposes a new algorithmic
toolbox for tackling this problem through the lens of optimistic online
learning. We build upon the Follow-the-Regularized-Leader (FTRL) framework,
which is developed further here to include predictions for the file requests,
and we design online caching algorithms for bipartite networks with fixed-size
caches or elastic leased caches subject to time-average budget constraints. The
predictions are provided by a content recommendation system that influences the
users viewing activity and hence can naturally reduce the caching network's
uncertainty about future requests. We also extend the framework to learn and
utilize the best request predictor in cases where many are available. We prove
that the proposed {optimistic} learning caching policies can achieve sub-zero
performance loss (regret) for perfect predictions, and maintain the sub-linear
regret bound $O(\sqrt T)$, which is the best achievable bound for policies that
do not use predictions, even for arbitrary-bad predictions. The performance of
the proposed algorithms is evaluated with detailed trace-driven numerical
tests.
|
107,170 | 107,170 |
Wind power predictions from nowcasts to 4-hour forecasts: a learning
approach with variable selection
|
We study the prediction of short term wind speed and wind power (every 10
minutes up to 4 hours ahead). Accurate forecasts for those quantities are
crucial to mitigate the negative effects of wind farms' intermittent production
on energy systems and markets. For those time scales, outputs of numerical
weather prediction models are usually overlooked even though they should
provide valuable information on higher scales dynamics. In this work, we
combine those outputs with local observations using machine learning. So as to
make the results usable for practitioners, we focus on simple and well known
methods which can handle a high volume of data. We study first variable
selection through two simple techniques, a linear one and a nonlinear one. Then
we exploit those results to forecast wind speed and wind power still with an
emphasis on linear models versus nonlinear ones. For the wind power prediction,
we also compare the indirect approach (wind speed predictions passed through a
power curve) and the indirect one (directly predict wind power).
|
107,171 | 107,171 |
A Variational Autoencoder for Heterogeneous Temporal and Longitudinal
Data
|
The variational autoencoder (VAE) is a popular deep latent variable model
used to analyse high-dimensional datasets by learning a low-dimensional latent
representation of the data. It simultaneously learns a generative model and an
inference network to perform approximate posterior inference. Recently proposed
extensions to VAEs that can handle temporal and longitudinal data have
applications in healthcare, behavioural modelling, and predictive maintenance.
However, these extensions do not account for heterogeneous data (i.e., data
comprising of continuous and discrete attributes), which is common in many
real-life applications. In this work, we propose the heterogeneous longitudinal
VAE (HL-VAE) that extends the existing temporal and longitudinal VAEs to
heterogeneous data. HL-VAE provides efficient inference for high-dimensional
datasets and includes likelihood models for continuous, count, categorical, and
ordinal data while accounting for missing observations. We demonstrate our
model's efficacy through simulated as well as clinical datasets, and show that
our proposed model achieves competitive performance in missing value imputation
and predictive accuracy.
|
107,172 | 107,172 |
Epistemic Uncertainty-Weighted Loss for Visual Bias Mitigation
|
Deep neural networks are highly susceptible to learning biases in visual
data. While various methods have been proposed to mitigate such bias, the
majority require explicit knowledge of the biases present in the training data
in order to mitigate. We argue the relevance of exploring methods which are
completely ignorant of the presence of any bias, but are capable of identifying
and mitigating them. Furthermore, we propose using Bayesian neural networks
with an epistemic uncertainty-weighted loss function to dynamically identify
potential bias in individual training samples and to weight them during
training. We find a positive correlation between samples subject to bias and
higher epistemic uncertainties. Finally, we show the method has potential to
mitigate visual bias on a bias benchmark dataset and on a real-world face
detection problem, and we consider the merits and weaknesses of our approach.
|
107,173 | 107,173 |
Adversarial Scratches: Deployable Attacks to CNN Classifiers
|
A growing body of work has shown that deep neural networks are susceptible to
adversarial examples. These take the form of small perturbations applied to the
model's input which lead to incorrect predictions. Unfortunately, most
literature focuses on visually imperceivable perturbations to be applied to
digital images that often are, by design, impossible to be deployed to physical
targets. We present Adversarial Scratches: a novel L0 black-box attack, which
takes the form of scratches in images, and which possesses much greater
deployability than other state-of-the-art attacks. Adversarial Scratches
leverage B\'ezier Curves to reduce the dimension of the search space and
possibly constrain the attack to a specific location. We test Adversarial
Scratches in several scenarios, including a publicly available API and images
of traffic signs. Results show that, often, our attack achieves higher fooling
rate than other deployable state-of-the-art methods, while requiring
significantly fewer queries and modifying very few pixels.
|
107,174 | 107,174 |
Case-Aware Adversarial Training
|
The neural network (NN) becomes one of the most heated type of models in
various signal processing applications. However, NNs are extremely vulnerable
to adversarial examples (AEs). To defend AEs, adversarial training (AT) is
believed to be the most effective method while due to the intensive
computation, AT is limited to be applied in most applications. In this paper,
to resolve the problem, we design a generic and efficient AT improvement
scheme, namely case-aware adversarial training (CAT). Specifically, the
intuition stems from the fact that a very limited part of informative samples
can contribute to most of model performance. Alternatively, if only the most
informative AEs are used in AT, we can lower the computation complexity of AT
significantly as maintaining the defense effect. To achieve this, CAT achieves
two breakthroughs. First, a method to estimate the information degree of
adversarial examples is proposed for AE filtering. Second, to further enrich
the information that the NN can obtain from AEs, CAT involves a weight
estimation and class-level balancing based sampling strategy to increase the
diversity of AT at each iteration. Extensive experiments show that CAT is
faster than vanilla AT by up to 3x while achieving competitive defense effect.
|
107,175 | 107,175 |
A Probabilistic Time-Evolving Approach to Scanpath Prediction
|
Human visual attention is a complex phenomenon that has been studied for
decades. Within it, the particular problem of scanpath prediction poses a
challenge, particularly due to the inter- and intra-observer variability, among
other reasons. Besides, most existing approaches to scanpath prediction have
focused on optimizing the prediction of a gaze point given the previous ones.
In this work, we present a probabilistic time-evolving approach to scanpath
prediction, based on Bayesian deep learning. We optimize our model using a
novel spatio-temporal loss function based on a combination of Kullback-Leibler
divergence and dynamic time warping, jointly considering the spatial and
temporal dimensions of scanpaths. Our scanpath prediction framework yields
results that outperform those of current state-of-the-art approaches, and are
almost on par with the human baseline, suggesting that our model is able to
generate scanpaths whose behavior closely resembles those of the real ones.
|
107,176 | 107,176 |
Deep subspace encoders for continuous-time state-space identification
|
Continuous-time (CT) models have shown an improved sample efficiency during
learning and enable ODE analysis methods for enhanced interpretability compared
to discrete-time (DT) models. Even with numerous recent developments, the
multifaceted CT state-space model identification problem remains to be solved
in full, considering common experimental aspects such as the presence of
external inputs, measurement noise, and latent states. This paper presents a
novel estimation method that includes these aspects and that is able to obtain
state-of-the-art results on multiple benchmarks where a small fully connected
neural network describes the CT dynamics. The novel estimation method called
the subspace encoder approach ascertains these results by altering the
well-known simulation loss to include short subsections instead, by using an
encoder function and a state-derivative normalization term to obtain a
computationally feasible and stable optimization problem. This encoder function
estimates the initial states of each considered subsection. We prove that the
existence of the encoder function has the necessary condition of a Lipschitz
continuous state-derivative utilizing established properties of ODEs.
|
107,177 | 107,177 |
Generating 3D Molecules for Target Protein Binding
|
A fundamental problem in drug discovery is to design molecules that bind to
specific proteins. To tackle this problem using machine learning methods, here
we propose a novel and effective framework, known as GraphBP, to generate 3D
molecules that bind to given proteins by placing atoms of specific types and
locations to the given binding site one by one. In particular, at each step, we
first employ a 3D graph neural network to obtain geometry-aware and chemically
informative representations from the intermediate contextual information. Such
context includes the given binding site and atoms placed in the previous steps.
Second, to preserve the desirable equivariance property, we select a local
reference atom according to the designed auxiliary classifiers and then
construct a local spherical coordinate system. Finally, to place a new atom, we
generate its atom type and relative location w.r.t. the constructed local
coordinate system via a flow model. We also consider generating the variables
of interest sequentially to capture the underlying dependencies among them.
Experiments demonstrate that our GraphBP is effective to generate 3D molecules
with binding ability to target protein binding sites. Our implementation is
available at https://github.com/divelab/GraphBP.
|
107,178 | 107,178 |
Mingling Foresight with Imagination: Model-Based Cooperative Multi-Agent
Reinforcement Learning
|
Recently, model-based agents have achieved better performance than model-free
ones using the same computational budget and training time in single-agent
environments. However, due to the complexity of multi-agent systems, it is
tough to learn the model of the environment. The significant compounding error
may hinder the learning process when model-based methods are applied to
multi-agent tasks. This paper proposes an implicit model-based multi-agent
reinforcement learning method based on value decomposition methods. Under this
method, agents can interact with the learned virtual environment and evaluate
the current state value according to imagined future states in the latent
space, making agents have the foresight. Our approach can be applied to any
multi-agent value decomposition method. The experimental results show that our
method improves the sample efficiency in different partially observable Markov
decision process domains.
|
107,179 | 107,179 |
SAAC: Safe Reinforcement Learning as an Adversarial Game of
Actor-Critics
|
Although Reinforcement Learning (RL) is effective for sequential
decision-making problems under uncertainty, it still fails to thrive in
real-world systems where risk or safety is a binding constraint. In this paper,
we formulate the RL problem with safety constraints as a non-zero-sum game.
While deployed with maximum entropy RL, this formulation leads to a safe
adversarially guided soft actor-critic framework, called SAAC. In SAAC, the
adversary aims to break the safety constraint while the RL agent aims to
maximize the constrained value function given the adversary's policy. The
safety constraint on the agent's value function manifests only as a repulsion
term between the agent's and the adversary's policies. Unlike previous
approaches, SAAC can address different safety criteria such as safe
exploration, mean-variance risk sensitivity, and CVaR-like coherent risk
sensitivity. We illustrate the design of the adversary for these constraints.
Then, in each of these variations, we show the agent differentiates itself from
the adversary's unsafe actions in addition to learning to solve the task.
Finally, for challenging continuous control tasks, we demonstrate that SAAC
achieves faster convergence, better efficiency, and fewer failures to satisfy
the safety constraints than risk-averse distributional RL and risk-neutral soft
actor-critic algorithms.
|
107,180 | 107,180 |
HRPose: Real-Time High-Resolution 6D Pose Estimation Network Using
Knowledge Distillation
|
Real-time 6D object pose estimation is essential for many real-world
applications, such as robotic grasping and augmented reality. To achieve an
accurate object pose estimation from RGB images in real-time, we propose an
effective and lightweight model, namely High-Resolution 6D Pose Estimation
Network (HRPose). We adopt the efficient and small HRNetV2-W18 as a feature
extractor to reduce computational burdens while generating accurate 6D poses.
With only 33\% of the model size and lower computational costs, our HRPose
achieves comparable performance compared with state-of-the-art models.
Moreover, by transferring knowledge from a large model to our proposed HRPose
through output and feature-similarity distillations, the performance of our
HRPose is improved in effectiveness and efficiency. Numerical experiments on
the widely-used benchmark LINEMOD demonstrate the superiority of our proposed
HRPose against state-of-the-art methods.
|
107,181 | 107,181 |
Hephaestus: A large scale multitask dataset towards InSAR understanding
|
Synthetic Aperture Radar (SAR) data and Interferometric SAR (InSAR) products
in particular, are one of the largest sources of Earth Observation data. InSAR
provides unique information on diverse geophysical processes and geology, and
on the geotechnical properties of man-made structures. However, there are only
a limited number of applications that exploit the abundance of InSAR data and
deep learning methods to extract such knowledge. The main barrier has been the
lack of a large curated and annotated InSAR dataset, which would be costly to
create and would require an interdisciplinary team of experts experienced on
InSAR data interpretation. In this work, we put the effort to create and make
available the first of its kind, manually annotated dataset that consists of
19,919 individual Sentinel-1 interferograms acquired over 44 different
volcanoes globally, which are split into 216,106 InSAR patches. The annotated
dataset is designed to address different computer vision problems, including
volcano state classification, semantic segmentation of ground deformation,
detection and classification of atmospheric signals in InSAR imagery,
interferogram captioning, text to InSAR generation, and InSAR image quality
assessment.
|
107,182 | 107,182 |
Search-based Methods for Multi-Cloud Configuration
|
Multi-cloud computing has become increasingly popular with enterprises
looking to avoid vendor lock-in. While most cloud providers offer similar
functionality, they may differ significantly in terms of performance and/or
cost. A customer looking to benefit from such differences will naturally want
to solve the multi-cloud configuration problem: given a workload, which cloud
provider should be chosen and how should its nodes be configured in order to
minimize runtime or cost? In this work, we consider solutions to this
optimization problem. We develop and evaluate possible adaptations of
state-of-the-art cloud configuration solutions to the multi-cloud domain.
Furthermore, we identify an analogy between multi-cloud configuration and the
selection-configuration problems commonly studied in the automated machine
learning (AutoML) field. Inspired by this connection, we utilize popular
optimizers from AutoML to solve multi-cloud configuration. Finally, we propose
a new algorithm for solving multi-cloud configuration, CloudBandit (CB). It
treats the outer problem of cloud provider selection as a best-arm
identification problem, in which each arm pull corresponds to running an
arbitrary black-box optimizer on the inner problem of node configuration. Our
experiments indicate that (a) many state-of-the-art cloud configuration
solutions can be adapted to multi-cloud, with best results obtained for
adaptations which utilize the hierarchical structure of the multi-cloud
configuration domain, (b) hierarchical methods from AutoML can be used for the
multi-cloud configuration task and can outperform state-of-the-art cloud
configuration solutions and (c) CB achieves competitive or lower regret
relative to other tested algorithms, whilst also identifying configurations
that have 65% lower median cost and 20% lower median time in production,
compared to choosing a random provider and configuration.
|
107,183 | 107,183 |
Simplicial Attention Networks
|
Graph representation learning methods have mostly been limited to the
modelling of node-wise interactions. Recently, there has been an increased
interest in understanding how higher-order structures can be utilised to
further enhance the learning abilities of graph neural networks (GNNs) in
combinatorial spaces. Simplicial Neural Networks (SNNs) naturally model these
interactions by performing message passing on simplicial complexes,
higher-dimensional generalisations of graphs. Nonetheless, the computations
performed by most existent SNNs are strictly tied to the combinatorial
structure of the complex. Leveraging the success of attention mechanisms in
structured domains, we propose Simplicial Attention Networks (SAT), a new type
of simplicial network that dynamically weighs the interactions between
neighbouring simplicies and can readily adapt to novel structures.
Additionally, we propose a signed attention mechanism that makes SAT
orientation equivariant, a desirable property for models operating on (co)chain
complexes. We demonstrate that SAT outperforms existent convolutional SNNs and
GNNs in two image and trajectory classification tasks.
|
107,184 | 107,184 |
Noise mitigation strategies in physical feedforward neural networks
|
Physical neural networks are promising candidates for next generation
artificial intelligence hardware. In such architectures, neurons and
connections are physically realized and do not leverage digital concepts with
their practically infinite signal-to-noise ratio to encode, transduce and
transform information. They therefore are prone to noise with a variety of
statistical and architectural properties, and effective strategies leveraging
network-inherent assets to mitigate noise in an hardware-efficient manner are
important in the pursuit of next generation neural network hardware. Based on
analytical derivations, we here introduce and analyse a variety of different
noise-mitigation approaches. We analytically show that intra-layer connections
in which the connection matrix's squared mean exceeds the mean of its square
fully suppresses uncorrelated noise. We go beyond and develop two synergistic
strategies for noise that is uncorrelated and correlated across populations of
neurons. First, we introduce the concept of ghost neurons, where each group of
neurons perturbed by correlated noise has a negative connection to a single
neuron, yet without receiving any input information. Secondly, we show that
pooling of neuron populations is an efficient approach to suppress uncorrelated
noise. As such, we developed a general noise mitigation strategy leveraging the
statistical properties of the different noise terms most relevant in analogue
hardware. Finally, we demonstrate the effectiveness of this combined approach
for trained neural network classifying the MNIST handwritten digits, for which
we achieve a 4-fold improvement of the output signal-to-noise ratio and
increase the classification accuracy almost to the level of the noise-free
network.
|
107,185 | 107,185 |
Quantity vs Quality: Investigating the Trade-Off between Sample Size and
Label Reliability
|
In this paper, we study learning in probabilistic domains where the learner
may receive incorrect labels but can improve the reliability of labels by
repeatedly sampling them. In such a setting, one faces the problem of whether
the fixed budget for obtaining training examples should rather be used for
obtaining all different examples or for improving the label quality of a
smaller number of examples by re-sampling their labels. We motivate this
problem in an application to compare the strength of poker hands where the
training signal depends on the hidden community cards, and then study it in
depth in an artificial setting where we insert controlled noise levels into the
MNIST database. Our results show that with increasing levels of noise,
resampling previous examples becomes increasingly more important than obtaining
new examples, as classifier performance deteriorates when the number of
incorrect labels is too high. In addition, we propose two different validation
strategies; switching from lower to higher validations over the course of
training and using chi-square statistics to approximate the confidence in
obtained labels.
|
107,186 | 107,186 |
Unsupervised Ranking and Aggregation of Label Descriptions for Zero-Shot
Classifiers
|
Zero-shot text classifiers based on label descriptions embed an input text
and a set of labels into the same space: measures such as cosine similarity can
then be used to select the most similar label description to the input text as
the predicted label. In a true zero-shot setup, designing good label
descriptions is challenging because no development set is available. Inspired
by the literature on Learning with Disagreements, we look at how probabilistic
models of repeated rating analysis can be used for selecting the best label
descriptions in an unsupervised fashion. We evaluate our method on a set of
diverse datasets and tasks (sentiment, topic and stance). Furthermore, we show
that multiple, noisy label descriptions can be aggregated to boost the
performance.
|
107,187 | 107,187 |
Generalizing to the Future: Mitigating Entity Bias in Fake News
Detection
|
The wide dissemination of fake news is increasingly threatening both
individuals and society. Fake news detection aims to train a model on the past
news and detect fake news of the future. Though great efforts have been made,
existing fake news detection methods overlooked the unintended entity bias in
the real-world data, which seriously influences models' generalization ability
to future data. For example, 97\% of news pieces in 2010-2017 containing the
entity `Donald Trump' are real in our data, but the percentage falls down to
merely 33\% in 2018. This would lead the model trained on the former set to
hardly generalize to the latter, as it tends to predict news pieces about
`Donald Trump' as real for lower training loss. In this paper, we propose an
entity debiasing framework (\textbf{ENDEF}) which generalizes fake news
detection models to the future data by mitigating entity bias from a
cause-effect perspective. Based on the causal graph among entities, news
contents, and news veracity, we separately model the contribution of each cause
(entities and contents) during training. In the inference stage, we remove the
direct effect of the entities to mitigate entity bias. Extensive offline
experiments on the English and Chinese datasets demonstrate that the proposed
framework can largely improve the performance of base fake news detectors, and
online tests verify its superiority in practice. To the best of our knowledge,
this is the first work to explicitly improve the generalization ability of fake
news detection models to the future data. The code has been released at
https://github.com/ICTMCG/ENDEF-SIGIR2022.
|
107,188 | 107,188 |
Graph neural networks and attention-based CNN-LSTM for protein
classification
|
This paper focuses on three critical problems on protein classification.
Firstly, Carbohydrate-active enzyme (CAZyme) classification can help people to
understand the properties of enzymes. However, one CAZyme may belong to several
classes. This leads to Multi-label CAZyme classification. Secondly, to capture
information from the secondary structure of protein, protein classification is
modeled as graph classification problem. Thirdly, compound-protein interactions
prediction employs graph learning for compound with sequential embedding for
protein. This can be seen as classification task for compound-protein pairs.
This paper proposes three models for protein classification. Firstly, this
paper proposes a Multi-label CAZyme classification model using CNN-LSTM with
Attention mechanism. Secondly, this paper proposes a variational graph
autoencoder based subspace learning model for protein graph classification.
Thirdly, this paper proposes graph isomorphism networks (GIN) and
Attention-based CNN-LSTM for compound-protein interactions prediction, as well
as comparing GIN with graph convolution networks (GCN) and graph attention
networks (GAT) in this task. The proposed models are effective for protein
classification. Source code and data are available at
https://github.com/zshicode/GNN-AttCL-protein. Besides, this repository
collects and collates the benchmark datasets with respect to above problems,
including CAZyme classification, enzyme protein graph classification,
compound-protein interactions prediction, drug-target affinities prediction and
drug-drug interactions prediction. Hence, the usage for evaluation by benchmark
datasets can be more conveniently.
|
107,189 | 107,189 |
Identifying organizations receiving personal data in Android Apps
|
Many studies have demonstrated that mobile applications are common means to
collect massive amounts of personal data. This goes unnoticed by most users,
who are also unaware that many different organizations are receiving this data,
even from multiple apps in parallel. This paper assesses different techniques
to identify the organizations that are receiving personal data flows in the
Android ecosystem, namely the WHOIS service, SSL certificates inspection, and
privacy policy textual analysis. Based on our findings, we propose a fully
automated method that combines the most successful techniques, achieving a
94.73% precision score in identifying the recipient organization. We further
demonstrate our method by evaluating 1,000 Android apps and exposing the
corporations that collect the users' personal data.
|
107,190 | 107,190 |
Backdooring Explainable Machine Learning
|
Explainable machine learning holds great potential for analyzing and
understanding learning-based systems. These methods can, however, be
manipulated to present unfaithful explanations, giving rise to powerful and
stealthy adversaries. In this paper, we demonstrate blinding attacks that can
fully disguise an ongoing attack against the machine learning model. Similar to
neural backdoors, we modify the model's prediction upon trigger presence but
simultaneously also fool the provided explanation. This enables an adversary to
hide the presence of the trigger or point the explanation to entirely different
portions of the input, throwing a red herring. We analyze different
manifestations of such attacks for different explanation types in the image
domain, before we resume to conduct a red-herring attack against malware
classification.
|
107,191 | 107,191 |
A Reinforcement Learning-based Volt-VAR Control Dataset and Testing
Environment
|
To facilitate the development of reinforcement learning (RL) based power
distribution system Volt-VAR control (VVC), this paper introduces a suite of
open-source datasets for RL-based VVC algorithm research that is sample
efficient, safe, and robust. The dataset consists of two components: 1. a
Gym-like VVC testing environment for the IEEE-13, 123, and 8500-bus test
feeders and 2. a historical operational dataset for each of the feeders.
Potential users of the dataset and testing environment could first train an
sample-efficient off-line (batch) RL algorithm on the historical dataset and
then evaluate the performance of the trained RL agent on the testing
environments. This dataset serves as a useful testbed to conduct RL-based VVC
research mimicking the real-world operational challenges faced by electric
utilities. Meanwhile, it allows researchers to conduct fair performance
comparisons between different algorithms.
|
107,192 | 107,192 |
An advanced spatio-temporal convolutional recurrent neural network for
storm surge predictions
|
In this research paper, we study the capability of artificial neural network
models to emulate storm surge based on the storm track/size/intensity history,
leveraging a database of synthetic storm simulations. Traditionally,
Computational Fluid Dynamics solvers are employed to numerically solve the
storm surge governing equations that are Partial Differential Equations and are
generally very costly to simulate. This study presents a neural network model
that can predict storm surge, informed by a database of synthetic storm
simulations. This model can serve as a fast and affordable emulator for the
very expensive CFD solvers. The neural network model is trained with the storm
track parameters used to drive the CFD solvers, and the output of the model is
the time-series evolution of the predicted storm surge across multiple nodes
within the spatial domain of interest. Once the model is trained, it can be
deployed for further predictions based on new storm track inputs. The developed
neural network model is a time-series model, a Long short-term memory, a
variation of Recurrent Neural Network, which is enriched with Convolutional
Neural Networks. The convolutional neural network is employed to capture the
correlation of data spatially. Therefore, the temporal and spatial correlations
of data are captured by the combination of the mentioned models, the ConvLSTM
model. As the problem is a sequence to sequence time-series problem, an
encoder-decoder ConvLSTM model is designed. Some other techniques in the
process of model training are also employed to enrich the model performance.
The results show the proposed convolutional recurrent neural network
outperforms the Gaussian Process implementation for the examined synthetic
storm database.
|
107,193 | 107,193 |
UNBUS: Uncertainty-aware Deep Botnet Detection System in Presence of
Perturbed Samples
|
A rising number of botnet families have been successfully detected using deep
learning architectures. While the variety of attacks increases, these
architectures should become more robust against attacks. They have been proven
to be very sensitive to small but well constructed perturbations in the input.
Botnet detection requires extremely low false-positive rates (FPR), which are
not commonly attainable in contemporary deep learning. Attackers try to
increase the FPRs by making poisoned samples. The majority of recent research
has focused on the use of model loss functions to build adversarial examples
and robust models. In this paper, two LSTM-based classification algorithms for
botnet classification with an accuracy higher than 98% are presented. Then, the
adversarial attack is proposed, which reduces the accuracy to about 30%. Then,
by examining the methods for computing the uncertainty, the defense method is
proposed to increase the accuracy to about 70%. By using the deep ensemble and
stochastic weight averaging quantification methods it has been investigated the
uncertainty of the accuracy in the proposed methods.
|
107,194 | 107,194 |
BSAL: A Framework of Bi-component Structure and Attribute Learning for
Link Prediction
|
Given the ubiquitous existence of graph-structured data, learning the
representations of nodes for the downstream tasks ranging from node
classification, link prediction to graph classification is of crucial
importance. Regarding missing link inference of diverse networks, we revisit
the link prediction techniques and identify the importance of both the
structural and attribute information. However, the available techniques either
heavily count on the network topology which is spurious in practice or cannot
integrate graph topology and features properly. To bridge the gap, we propose a
bicomponent structural and attribute learning framework (BSAL) that is designed
to adaptively leverage information from topology and feature spaces.
Specifically, BSAL constructs a semantic topology via the node attributes and
then gets the embeddings regarding the semantic view, which provides a flexible
and easy-to-implement solution to adaptively incorporate the information
carried by the node attributes. Then the semantic embedding together with
topology embedding is fused together using an attention mechanism for the final
prediction. Extensive experiments show the superior performance of our proposal
and it significantly outperforms baselines on diverse research benchmarks.
|
107,195 | 107,195 |
Physics-Informed Bayesian Learning of Electrohydrodynamic Polymer Jet
Printing Dynamics
|
Calibration of highly dynamic multi-physics manufacturing processes such as
electro-hydrodynamics-based additive manufacturing (AM) technologies (E-jet
printing) is still performed by labor-intensive trial-and-error practices.
These practices have hindered the broad adoption of these technologies,
demanding a new paradigm of self-calibrating E-jet printing machines. To
address this need, we developed GPJet, an end-to-end physics-informed Bayesian
learning framework, and tested it on a virtual E-jet printing machine with
in-process jet monitoring capabilities. GPJet consists of three modules: a) the
Machine Vision module, b) the Physics-Based Modeling Module, and c) the Machine
Learning (ML) module. We demonstrate that the Machine Vision module can extract
high-fidelity jet features in real-time from video data using an automated
parallelized computer vision workflow. In addition, we show that the Machine
Vision module, combined with the Physics-based modeling module, can act as
closed-loop sensory feedback to the Machine Learning module of high- and
low-fidelity data. Powered by our data-centric approach, we demonstrate that
the online ML planner can actively learn the jet process dynamics using video
and physics with minimum experimental cost. GPJet brings us one step closer to
realizing the vision of intelligent AM machines that can efficiently search
complex process-structure-property landscapes and create optimized material
solutions for a wide range of applications at a fraction of the cost and speed.
|
107,196 | 107,196 |
Special Session: Towards an Agile Design Methodology for Efficient,
Reliable, and Secure ML Systems
|
The real-world use cases of Machine Learning (ML) have exploded over the past
few years. However, the current computing infrastructure is insufficient to
support all real-world applications and scenarios. Apart from high efficiency
requirements, modern ML systems are expected to be highly reliable against
hardware failures as well as secure against adversarial and IP stealing
attacks. Privacy concerns are also becoming a first-order issue. This article
summarizes the main challenges in agile development of efficient, reliable and
secure ML systems, and then presents an outline of an agile design methodology
to generate efficient, reliable and secure ML systems based on user-defined
constraints and objectives.
|
107,197 | 107,197 |
Multiplier with Reduced Activities and Minimized Interconnect for Inner
Product Arrays
|
We present a pipelined multiplier with reduced activities and minimized
interconnect based on online digit-serial arithmetic. The working precision has
been truncated such that $p<n$ bits are used to compute $n$ bits product,
resulting in significant savings in area and power. The digit slices follow
variable precision according to input, increasing upto $p$ and then decreases
according to the error profile. Pipelining has been done to achieve high
throughput and low latency which is desirable for compute intensive inner
products. Synthesis results of the proposed designs have been presented and
compared with the non-pipelined online multiplier, pipelined online multiplier
with full working precision and conventional serial-parallel and array
multipliers. For $8, 16, 24$ and $32$ bit precision, the proposed low power
pipelined design show upto $38\%$ and $44\%$ reduction in power and area
respectively compared to the pipelined online multiplier without working
precision truncation.
|
107,198 | 107,198 |
Entropy-based Stability-Plasticity for Lifelong Learning
|
The ability to continuously learn remains elusive for deep learning models.
Unlike humans, models cannot accumulate knowledge in their weights when
learning new tasks, mainly due to an excess of plasticity and the low incentive
to reuse weights when training a new task. To address the stability-plasticity
dilemma in neural networks, we propose a novel method called Entropy-based
Stability-Plasticity (ESP). Our approach can decide dynamically how much each
model layer should be modified via a plasticity factor. We incorporate branch
layers and an entropy-based criterion into the model to find such factor. Our
experiments in the domains of natural language and vision show the
effectiveness of our approach in leveraging prior knowledge by reducing
interference. Also, in some cases, it is possible to freeze layers during
training leading to speed up in training.
|
107,199 | 107,199 |
A Data-Driven Method for Automated Data Superposition with Applications
in Soft Matter Science
|
The superposition of data sets with internal parametric self-similarity is a
longstanding and widespread technique for the analysis of many types of
experimental data across the physical sciences. Typically, this superposition
is performed manually, or recently by one of a few automated algorithms.
However, these methods are often heuristic in nature, are prone to user bias
via manual data shifting or parameterization, and lack a native framework for
handling uncertainty in both the data and the resulting model of the superposed
data. In this work, we develop a data-driven, non-parametric method for
superposing experimental data with arbitrary coordinate transformations, which
employs Gaussian process regression to learn statistical models that describe
the data, and then uses maximum a posteriori estimation to optimally superpose
the data sets. This statistical framework is robust to experimental noise, and
automatically produces uncertainty estimates for the learned coordinate
transformations. Moreover, it is distinguished from black-box machine learning
in its interpretability -- specifically, it produces a model that may itself be
interrogated to gain insight into the system under study. We demonstrate these
salient features of our method through its application to four representative
data sets characterizing the mechanics of soft materials. In every case, our
method replicates results obtained using other approaches, but with reduced
bias and the addition of uncertainty estimates. This method enables a
standardized, statistical treatment of self-similar data across many fields,
producing interpretable data-driven models that may inform applications such as
materials classification, design, and discovery.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.