Unnamed: 0.1
int64 0
113k
| Unnamed: 0
float64 0
113k
⌀ | title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|---|---|
107,500 | 107,500 |
Online Deep Learning from Doubly-Streaming Data
|
This paper investigates a new online learning problem with doubly-streaming
data, where the data streams are described by feature spaces that constantly
evolve, with new features emerging and old features fading away. The challenges
of this problem are two folds: 1) Data samples ceaselessly flowing in may carry
shifted patterns over time, requiring learners to update hence adapt
on-the-fly. 2) Newly emerging features are described by very few samples,
resulting in weak learners that tend to make error predictions. A plausible
idea to overcome the challenges is to establish relationship between the
pre-and-post evolving feature spaces, so that an online learner can leverage
the knowledge learned from the old features to better the learning performance
on the new features. Unfortunately, this idea does not scale up to
high-dimensional media streams with complex feature interplay, which suffers an
tradeoff between onlineness (biasing shallow learners) and
expressiveness(requiring deep learners). Motivated by this, we propose a novel
OLD^3S paradigm, where a shared latent subspace is discovered to summarize
information from the old and new feature spaces, building intermediate feature
mapping relationship. A key trait of OLD^3S is to treat the model capacity as a
learnable semantics, yields optimal model depth and parameters jointly, in
accordance with the complexity and non-linearity of the input data streams in
an online fashion. Both theoretical analyses and empirical studies substantiate
the viability and effectiveness of our proposal.
|
107,501 | 107,501 |
Performer: A Novel PPG to ECG Reconstruction Transformer For a Digital
Biomarker of Cardiovascular Disease Detection
|
Cardiovascular diseases (CVDs) have become the top one cause of death;
three-quarters of these deaths occur in lower-income communities.
Electrocardiography (ECG), an electrical measurement capturing the cardiac
activities, is a gold-standard to diagnose CVDs. However, ECG is infeasible for
continuous cardiac monitoring due to its requirement for user participation.
Meanwhile, photoplethysmography (PPG) is easy to collect, but the limited
accuracy constrains its clinical usage. In this research, a novel
Transformer-based architecture, Performer, is invented to reconstruct ECG from
PPG and to create a novel digital biomarker, PPG along with its reconstructed
ECG, as multiple modalities for CVD detection. This architecture, for the first
time, performs Transformer sequence to sequence translation on biomedical
waveforms, while also utilizing the advantages of the easily accessible PPG and
the well-studied base of ECG. Shifted Patch-based Attention (SPA) is created to
maximize the signal features by fetching the various sequence lengths as
hierarchical stages into the training while also capturing cross-patch
connections through the shifted patch mechanism. This architecture generates a
state-of-the-art performance of 0.29 RMSE for reconstructing ECG from PPG,
achieving an average of 95.9% diagnosis for CVDs on the MIMIC III dataset and
75.9% for diabetes on the PPG-BP dataset. Performer, along with its novel
digital biomarker, offers a low-cost and non-invasive solution for continuous
cardiac monitoring, only requiring the easily extractable PPG data to
reconstruct the not-as-accessible ECG data. As a prove of concept, an earring
wearable, named PEARL (prototype), is designed to scale up the point-of-care
(POC) healthcare system.
|
107,502 | 107,502 |
PVNAS: 3D Neural Architecture Search with Point-Voxel Convolution
|
3D neural networks are widely used in real-world applications (e.g., AR/VR
headsets, self-driving cars). They are required to be fast and accurate;
however, limited hardware resources on edge devices make these requirements
rather challenging. Previous work processes 3D data using either voxel-based or
point-based neural networks, but both types of 3D models are not
hardware-efficient due to the large memory footprint and random memory access.
In this paper, we study 3D deep learning from the efficiency perspective. We
first systematically analyze the bottlenecks of previous 3D methods. We then
combine the best from point-based and voxel-based models together and propose a
novel hardware-efficient 3D primitive, Point-Voxel Convolution (PVConv). We
further enhance this primitive with the sparse convolution to make it more
effective in processing large (outdoor) scenes. Based on our designed 3D
primitive, we introduce 3D Neural Architecture Search (3D-NAS) to explore the
best 3D network architecture given a resource constraint. We evaluate our
proposed method on six representative benchmark datasets, achieving
state-of-the-art performance with 1.8-23.7x measured speedup. Furthermore, our
method has been deployed to the autonomous racing vehicle of MIT Driverless,
achieving larger detection range, higher accuracy and lower latency.
|
107,503 | 107,503 |
Exoplanet Cartography using Convolutional Neural Networks
|
In the near-future, dedicated telescopes observe Earth-like exoplanets in
reflected light, allowing their characterization. Because of the huge
distances, every exoplanet will be a single pixel, but temporal variations in
its spectral flux hold information about the planet's surface and atmosphere.
We test convolutional neural networks for retrieving a planet's rotation axis,
surface and cloud map from simulated single-pixel flux and polarization
observations. We investigate the assumption that the planets reflect Lambertian
in the retrieval while their actual reflection is bidirectional, and of
including polarization in retrievals. We simulate observations along a planet's
orbit using a radiative transfer algorithm that includes polarization and
bidirectional reflection by vegetation, desert, oceans, water clouds, and
Rayleigh scattering in 6 spectral bands from 400 to 800 nm, at various photon
noise levels. The surface-types and cloud patterns of the facets covering a
model planet are based on probability distributions. Our networks are trained
with simulated observations of millions of planets before retrieving maps of
test planets. The neural networks can constrain rotation axes with a mean
squared error (MSE) as small as 0.0097, depending on the orbital inclination.
On a bidirectionally reflecting planet, 92% of ocean and 85% of vegetation,
desert, and cloud facets are correctly retrieved, in the absence of noise. With
realistic noise, it should still be possible to retrieve the main map features
with a dedicated telescope. Except for face-on orbits, a network trained with
Lambertian reflecting planets, yields significant retrieval errors when given
observations of bidirectionally reflecting planets, in particular, brightness
artefacts around a planet's pole. Including polarization improves retrieving
the rotation axis and the accuracy of the retrieval of ocean and cloud facets.
|
107,504 | 107,504 |
Zero-Shot Logit Adjustment
|
Semantic-descriptor-based Generalized Zero-Shot Learning (GZSL) poses
challenges in recognizing novel classes in the test phase. The development of
generative models enables current GZSL techniques to probe further into the
semantic-visual link, culminating in a two-stage form that includes a generator
and a classifier. However, existing generation-based methods focus on enhancing
the generator's effect while neglecting the improvement of the classifier. In
this paper, we first analyze of two properties of the generated pseudo unseen
samples: bias and homogeneity. Then, we perform variational Bayesian inference
to back-derive the evaluation metrics, which reflects the balance of the seen
and unseen classes. As a consequence of our derivation, the aforementioned two
properties are incorporated into the classifier training as seen-unseen priors
via logit adjustment. The Zero-Shot Logit Adjustment further puts
semantic-based classifiers into effect in generation-based GZSL. Our
experiments demonstrate that the proposed technique achieves state-of-the-art
when combined with the basic generator, and it can improve various generative
Zero-Shot Learning frameworks. Our codes are available on
https://github.com/cdb342/IJCAI-2022-ZLA.
|
107,505 | 107,505 |
StyleGAN-Human: A Data-Centric Odyssey of Human Generation
|
Unconditional human image generation is an important task in vision and
graphics, which enables various applications in the creative industry. Existing
studies in this field mainly focus on "network engineering" such as designing
new components and objective functions. This work takes a data-centric
perspective and investigates multiple critical aspects in "data engineering",
which we believe would complement the current practice. To facilitate a
comprehensive study, we collect and annotate a large-scale human image dataset
with over 230K samples capturing diverse poses and textures. Equipped with this
large dataset, we rigorously investigate three essential factors in data
engineering for StyleGAN-based human generation, namely data size, data
distribution, and data alignment. Extensive experiments reveal several valuable
observations w.r.t. these aspects: 1) Large-scale data, more than 40K images,
are needed to train a high-fidelity unconditional human generation model with
vanilla StyleGAN. 2) A balanced training set helps improve the generation
quality with rare face poses compared to the long-tailed counterpart, whereas
simply balancing the clothing texture distribution does not effectively bring
an improvement. 3) Human GAN models with body centers for alignment outperform
models trained using face centers or pelvis points as alignment anchors. In
addition, a model zoo and human editing applications are demonstrated to
facilitate future research in the community.
|
107,506 | 107,506 |
Task-Induced Representation Learning
|
In this work, we evaluate the effectiveness of representation learning
approaches for decision making in visually complex environments. Representation
learning is essential for effective reinforcement learning (RL) from
high-dimensional inputs. Unsupervised representation learning approaches based
on reconstruction, prediction or contrastive learning have shown substantial
learning efficiency gains. Yet, they have mostly been evaluated in clean
laboratory or simulated settings. In contrast, real environments are visually
complex and contain substantial amounts of clutter and distractors.
Unsupervised representations will learn to model such distractors, potentially
impairing the agent's learning efficiency. In contrast, an alternative class of
approaches, which we call task-induced representation learning, leverages task
information such as rewards or demonstrations from prior tasks to focus on
task-relevant parts of the scene and ignore distractors. We investigate the
effectiveness of unsupervised and task-induced representation learning
approaches on four visually complex environments, from Distracting DMControl to
the CARLA driving simulator. For both, RL and imitation learning, we find that
representation learning generally improves sample efficiency on unseen tasks
even in visually complex scenes and that task-induced representations can
double learning efficiency compared to unsupervised alternatives. Code is
available at https://clvrai.com/tarp.
|
107,507 | 107,507 |
Skill-based Meta-Reinforcement Learning
|
While deep reinforcement learning methods have shown impressive results in
robot learning, their sample inefficiency makes the learning of complex,
long-horizon behaviors with real robot systems infeasible. To mitigate this
issue, meta-reinforcement learning methods aim to enable fast learning on novel
tasks by learning how to learn. Yet, the application has been limited to
short-horizon tasks with dense rewards. To enable learning long-horizon
behaviors, recent works have explored leveraging prior experience in the form
of offline datasets without reward or task annotations. While these approaches
yield improved sample efficiency, millions of interactions with environments
are still required to solve complex tasks. In this work, we devise a method
that enables meta-learning on long-horizon, sparse-reward tasks, allowing us to
solve unseen target tasks with orders of magnitude fewer environment
interactions. Our core idea is to leverage prior experience extracted from
offline datasets during meta-learning. Specifically, we propose to (1) extract
reusable skills and a skill prior from offline datasets, (2) meta-train a
high-level policy that learns to efficiently compose learned skills into
long-horizon behaviors, and (3) rapidly adapt the meta-trained policy to solve
an unseen target task. Experimental results on continuous control tasks in
navigation and manipulation demonstrate that the proposed method can
efficiently solve long-horizon novel target tasks by combining the strengths of
meta-learning and the usage of offline datasets, while prior approaches in RL,
meta-RL, and multi-task RL require substantially more environment interactions
to solve the tasks.
|
107,508 | 107,508 |
Machine learning identification of organic compounds using visible light
|
Identifying chemical compounds is essential in several areas of science and
engineering. Laser-based techniques are promising for autonomous compound
detection because the optical response of materials encodes enough electronic
and vibrational information for remote chemical identification. This has been
exploited using the fingerprint region of infrared absorption spectra, which
involves a dense set of absorption peaks that are unique to individual
molecules, thus facilitating chemical identification. However, optical
identification using visible light has not been realized. Using decades of
experimental refractive index data in the scientific literature of pure organic
compounds and polymers over a broad range of frequencies from the ultraviolet
to the far-infrared, we develop a machine learning classifier that can
accurately identify organic species based on a single-wavelength dispersive
measurement in the visible spectral region, away from absorption resonances.
The optical classifier proposed here could be applied to autonomous material
identification protocols or applications.
|
107,509 | 107,509 |
Joint Learning of Reward Machines and Policies in Environments with
Partially Known Semantics
|
We study the problem of reinforcement learning for a task encoded by a reward
machine. The task is defined over a set of properties in the environment,
called atomic propositions, and represented by Boolean variables. One
unrealistic assumption commonly used in the literature is that the truth values
of these propositions are accurately known. In real situations, however, these
truth values are uncertain since they come from sensors that suffer from
imperfections. At the same time, reward machines can be difficult to model
explicitly, especially when they encode complicated tasks. We develop a
reinforcement-learning algorithm that infers a reward machine that encodes the
underlying task while learning how to execute it, despite the uncertainties of
the propositions' truth values. In order to address such uncertainties, the
algorithm maintains a probabilistic estimate about the truth value of the
atomic propositions; it updates this estimate according to new sensory
measurements that arrive from the exploration of the environment. Additionally,
the algorithm maintains a hypothesis reward machine, which acts as an estimate
of the reward machine that encodes the task to be learned. As the agent
explores the environment, the algorithm updates the hypothesis reward machine
according to the obtained rewards and the estimate of the atomic propositions'
truth value. Finally, the algorithm uses a Q-learning procedure for the states
of the hypothesis reward machine to determine the policy that accomplishes the
task. We prove that the algorithm successfully infers the reward machine and
asymptotically learns a policy that accomplishes the respective task.
|
107,510 | 107,510 |
Accelerating Machine Learning via the Weber-Fechner Law
|
The Weber-Fechner Law observes that human perception scales as the logarithm
of the stimulus. We argue that learning algorithms for human concepts could
benefit from the Weber-Fechner Law. Specifically, we impose Weber-Fechner on
simple neural networks, with or without convolution, via the logarithmic power
series of their sorted output. Our experiments show surprising performance and
accuracy on the MNIST data set within a few training iterations and limited
computational resources, suggesting that Weber-Fechner can accelerate machine
learning of human concepts.
|
107,511 | 107,511 |
A Novel Scalable Apache Spark Based Feature Extraction Approaches for
Huge Protein Sequence and their Clustering Performance Analysis
|
Genome sequencing projects are rapidly increasing the number of
high-dimensional protein sequence datasets. Clustering a high-dimensional
protein sequence dataset using traditional machine learning approaches poses
many challenges. Many different feature extraction methods exist and are widely
used. However, extracting features from millions of protein sequences becomes
impractical because they are not scalable with current algorithms. Therefore,
there is a need for an efficient feature extraction approach that extracts
significant features. We have proposed two scalable feature extraction
approaches for extracting features from huge protein sequences using Apache
Spark, which are termed 60d-SPF (60-dimensional Scalable Protein Feature) and
6d-SCPSF (6-dimensional Scalable Co-occurrence-based Probability-Specific
Feature). The proposed 60d-SPF and 6d-SCPSF approaches capture the statistical
properties of amino acids to create a fixed-length numeric feature vector that
represents each protein sequence in terms of 60-dimensional and 6-dimensional
features, respectively. The preprocessed huge protein sequences are used as an
input in two clustering algorithms, i.e., Scalable Random Sampling with
Iterative Optimization Fuzzy c-Means (SRSIO-FCM) and Scalable Literal Fuzzy
C-Means (SLFCM) for clustering. We have conducted extensive experiments on
various soybean protein datasets to demonstrate the effectiveness of the
proposed feature extraction methods, 60d-SPF, 6d-SCPSF, and existing feature
extraction methods on SRSIO-FCM and SLFCM clustering algorithms. The reported
results in terms of the Silhouette index and the Davies-Bouldin index show that
the proposed 60d-SPF extraction method on SRSIO-FCM and SLFCM clustering
algorithms achieves significantly better results than the proposed 6d-SCPSF and
existing feature extraction approaches.
|
107,512 | 107,512 |
Automated detection of dark patterns in cookie banners: how to do it
poorly and why it is hard to do it any other way
|
Cookie banners, the pop ups that appear to collect your consent for data
collection, are a tempting ground for dark patterns. Dark patterns are design
elements that are used to influence the user's choice towards an option that is
not in their interest. The use of dark patterns renders consent elicitation
meaningless and voids the attempts to improve a fair collection and use of
data. Can machine learning be used to automatically detect the presence of dark
patterns in cookie banners? In this work, a dataset of cookie banners of 300
news websites was used to train a prediction model that does exactly that. The
machine learning pipeline we used includes feature engineering, parameter
search, training a Gradient Boosted Tree classifier and evaluation. The
accuracy of the trained model is promising, but allows a lot of room for
improvement. We provide an in-depth analysis of the interdisciplinary
challenges that automated dark pattern detection poses to artificial
intelligence. The dataset and all the code created using machine learning is
available at the url to repository removed for review.
|
107,513 | 107,513 |
A Mask-Based Adversarial Defense Scheme
|
Adversarial attacks hamper the functionality and accuracy of Deep Neural
Networks (DNNs) by meddling with subtle perturbations to their inputs.In this
work, we propose a new Mask-based Adversarial Defense scheme (MAD) for DNNs to
mitigate the negative effect from adversarial attacks. To be precise, our
method promotes the robustness of a DNN by randomly masking a portion of
potential adversarial images, and as a result, the %classification result
output of the DNN becomes more tolerant to minor input perturbations. Compared
with existing adversarial defense techniques, our method does not need any
additional denoising structure, nor any change to a DNN's design. We have
tested this approach on a collection of DNN models for a variety of data sets,
and the experimental results confirm that the proposed method can effectively
improve the defense abilities of the DNNs against all of the tested adversarial
attack methods. In certain scenarios, the DNN models trained with MAD have
improved classification accuracy by as much as 20% to 90% compared to the
original models that are given adversarial inputs.
|
107,514 | 107,514 |
Automating Neural Architecture Design without Search
|
Neural structure search (NAS), as the mainstream approach to automate deep
neural architecture design, has achieved much success in recent years. However,
the performance estimation component adhering to NAS is often prohibitively
costly, which leads to the enormous computational demand. Though a large number
of efforts have been dedicated to alleviating this pain point, no consensus has
been made yet on which is optimal. In this paper, we study the automated
architecture design from a new perspective that eliminates the need to
sequentially evaluate each neural architecture generated during algorithm
execution. Specifically, the proposed approach is built by learning the
knowledge of high-level experts in designing state-of-the-art architectures,
and then the new architecture is directly generated upon the knowledge learned.
We implemented the proposed approach by using a graph neural network for link
prediction and acquired the knowledge from NAS-Bench-101. Compared to existing
peer competitors, we found a competitive network with minimal cost. In
addition, we also utilized the learned knowledge from NAS-Bench-101 to automate
architecture design in the DARTS search space, and achieved 97.82% accuracy on
CIFAR10, and 76.51% top-1 accuracy on ImageNet consuming only $2\times10^{-4}$
GPU days. This also demonstrates the high transferability of the proposed
approach, and can potentially lead to a new, more computationally efficient
paradigm in this research direction.
|
107,515 | 107,515 |
AU-NN: ANFIS Unit Neural Network
|
In this paper is described the ANFIS Unit Neural Network, a deep neural
network where each neuron is an independent ANFIS. Two use cases of this
network are shown to test the capability of the network. (i) Classification of
five imagined words. (ii) Incremental learning in the task of detecting
Imagined Word Segments vs. Idle State Segments. In both cases, the proposed
network outperforms the conventional methods. Additionally, is described a
process of classification where instead of taking the whole instance as one
example, each instance is decomposed into a set of smaller instances, and the
classification is done by a majority vote over all the predictions of the set.
The codes to build the AU-NN used in this paper, are available on the github
repository https://github.com/tonahdztoro/AU_NN.
|
107,516 | 107,516 |
Dynamic Ensemble Bayesian Filter for Robust Control of a Human
Brain-machine Interface
|
Objective: Brain-machine interfaces (BMIs) aim to provide direct brain
control of devices such as prostheses and computer cursors, which have
demonstrated great potential for mobility restoration. One major limitation of
current BMIs lies in the unstable performance in online control due to the
variability of neural signals, which seriously hinders the clinical
availability of BMIs. Method: To deal with the neural variability in online BMI
control, we propose a dynamic ensemble Bayesian filter (DyEnsemble). DyEnsemble
extends Bayesian filters with a dynamic measurement model, which adjusts its
parameters in time adaptively with neural changes. This is achieved by learning
a pool of candidate functions and dynamically weighting and assembling them
according to neural signals. In this way, DyEnsemble copes with variability in
signals and improves the robustness of online control. Results: Online BMI
experiments with a human participant demonstrate that, compared with the
velocity Kalman filter, DyEnsemble significantly improves the control accuracy
(increases the success rate by 13.9% and reduces the reach time by 13.5% in the
random target pursuit task) and robustness (performs more stably over different
experiment days). Conclusion: Our results demonstrate the superiority of
DyEnsemble in online BMI control. Significance: DyEnsemble frames a novel and
flexible framework for robust neural decoding, which is beneficial to different
neural decoding applications.
|
107,517 | 107,517 |
A Closer Look at Personalization in Federated Image Classification
|
Federated Learning (FL) is developed to learn a single global model across
the decentralized data, while is susceptible when realizing client-specific
personalization in the presence of statistical heterogeneity. However, studies
focus on learning a robust global model or personalized classifiers, which
yield divergence due to inconsistent objectives. This paper shows that it is
possible to achieve flexible personalization after the convergence of the
global model by introducing representation learning. In this paper, we first
analyze and determine that non-IID data harms representation learning of the
global model. Existing FL methods adhere to the scheme of jointly learning
representations and classifiers, where the global model is an average of
classification-based local models that are consistently subject to
heterogeneity from non-IID data. As a solution, we separate representation
learning from classification learning in FL and propose RepPer, an independent
two-stage personalized FL framework.We first learn the client-side feature
representation models that are robust to non-IID data and aggregate them into a
global common representation model. After that, we achieve personalization by
learning a classifier head for each client, based on the common representation
obtained at the former stage. Notably, the proposed two-stage learning scheme
of RepPer can be potentially used for lightweight edge computing that involves
devices with constrained computation power.Experiments on various datasets
(CIFAR-10/100, CINIC-10) and heterogeneous data setup show that RepPer
outperforms alternatives in flexibility and personalization on non-IID data.
|
107,518 | 107,518 |
Adaptive Online Value Function Approximation with Wavelets
|
Using function approximation to represent a value function is necessary for
continuous and high-dimensional state spaces. Linear function approximation has
desirable theoretical guarantees and often requires less compute and samples
than neural networks, but most approaches suffer from an exponential growth in
the number of functions as the dimensionality of the state space increases. In
this work, we introduce the wavelet basis for reinforcement learning. Wavelets
can effectively be used as a fixed basis and additionally provide the ability
to adaptively refine the basis set as learning progresses, making it feasible
to start with a minimal basis set. This adaptive method can either increase the
granularity of the approximation at a point in state space, or add in
interactions between different dimensions as necessary. We prove that wavelets
are both necessary and sufficient if we wish to construct a function
approximator that can be adaptively refined without loss of precision. We
further demonstrate that a fixed wavelet basis set performs comparably against
the high-performing Fourier basis on Mountain Car and Acrobot, and that the
adaptive methods provide a convenient approach to addressing an oversized
initial basis set, while demonstrating performance comparable to, or greater
than, the fixed wavelet basis.
|
107,519 | 107,519 |
A Computational Theory of Learning Flexible Reward-Seeking Behavior with
Place Cells
|
An important open question in computational neuroscience is how various
spatially tuned neurons, such as place cells, are used to support the learning
of reward-seeking behavior of an animal. Existing computational models either
lack biological plausibility or fall short of behavioral flexibility when
environments change. In this paper, we propose a computational theory that
achieves behavioral flexibility with better biological plausibility. We first
train a mixture of Gaussian distributions to model the ensemble of firing
fields of place cells. Then we propose a Hebbian-like rule to learn the
synaptic strength matrix among place cells. This matrix is interpreted as the
transition rate matrix of a continuous time Markov chain to generate the
sequential replay of place cells. During replay, the synaptic strengths from
place cells to medium spiny neurons (MSN) are learned by a temporal-difference
like rule to store place-reward associations. After replay, the activation of
MSN will ramp up when an animal approaches the rewarding place, so the animal
can move along the direction where the MSN activation is increasing to find the
rewarding place. We implement our theory into a high-fidelity virtual rat in
the MuJoCo physics simulator. In a complex maze, the rat shows significantly
better learning efficiency and behavioral flexibility than a rat that
implements a neuroscience-inspired reinforcement learning algorithm, deep
Q-network.
|
107,520 | 107,520 |
Logistic-ELM: A Novel Fault Diagnosis Method for Rolling Bearings
|
The fault diagnosis of rolling bearings is a critical technique to realize
predictive maintenance for mechanical condition monitoring. In real industrial
systems, the main challenges for the fault diagnosis of rolling bearings
pertain to the accuracy and real-time requirements. Most existing methods focus
on ensuring the accuracy, and the real-time requirement is often neglected. In
this paper, considering both requirements, we propose a novel fast fault
diagnosis method for rolling bearings, based on extreme learning machine (ELM)
and logistic mapping, named logistic-ELM. First, we identify 14 kinds of
time-domain features from the original vibration signals according to
mechanical vibration principles and adopt the sequential forward selection
(SFS) strategy to select optimal features from them to ensure the basic
predictive accuracy and efficiency. Next, we propose the logistic-ELM for fast
fault classification, where the biases in ELM are omitted and the random input
weights are replaced by the chaotic logistic mapping sequence which involves a
higher uncorrelation to obtain more accurate results with fewer hidden neurons.
We conduct extensive experiments on the rolling bearing vibration signal
dataset of the Case Western Reserve University (CWRU) Bearing Data Centre. The
experimental results show that the proposed approach outperforms existing SOTA
comparison methods in terms of the predictive accuracy, and the highest
accuracy is 100% in seven separate sub data environments. The relevant code is
publicly available at https://github.com/TAN-OpenLab/logistic-ELM.
|
107,521 | 107,521 |
Graphical Residual Flows
|
Graphical flows add further structure to normalizing flows by encoding
non-trivial variable dependencies. Previous graphical flow models have focused
primarily on a single flow direction: the normalizing direction for density
estimation, or the generative direction for inference. However, to use a single
flow to perform tasks in both directions, the model must exhibit stable and
efficient flow inversion. This work introduces graphical residual flows, a
graphical flow based on invertible residual networks. Our approach to
incorporating dependency information in the flow, means that we are able to
calculate the Jacobian determinant of these flows exactly. Our experiments
confirm that graphical residual flows provide stable and accurate inversion
that is also more time-efficient than alternative flows with similar task
performance. Furthermore, our model provides performance competitive with other
graphical flows for both density estimation and inference tasks.
|
107,522 | 107,522 |
SIReN-VAE: Leveraging Flows and Amortized Inference for Bayesian
Networks
|
Initial work on variational autoencoders assumed independent latent variables
with simple distributions. Subsequent work has explored incorporating more
complex distributions and dependency structures: including normalizing flows in
the encoder network allows latent variables to entangle non-linearly, creating
a richer class of distributions for the approximate posterior, and stacking
layers of latent variables allows more complex priors to be specified for the
generative model. This work explores incorporating arbitrary dependency
structures, as specified by Bayesian networks, into VAEs. This is achieved by
extending both the prior and inference network with graphical residual flows -
residual flows that encode conditional independence by masking the weight
matrices of the flow's residual blocks. We compare our model's performance on
several synthetic datasets and show its potential in data-sparse settings.
|
107,523 | 107,523 |
On Leveraging Variational Graph Embeddings for Open World Compositional
Zero-Shot Learning
|
Humans are able to identify and categorize novel compositions of known
concepts. The task in Compositional Zero-Shot learning (CZSL) is to learn
composition of primitive concepts, i.e. objects and states, in such a way that
even their novel compositions can be zero-shot classified. In this work, we do
not assume any prior knowledge on the feasibility of novel compositions
i.e.open-world setting, where infeasible compositions dominate the search
space. We propose a Compositional Variational Graph Autoencoder (CVGAE)
approach for learning the variational embeddings of the primitive concepts
(nodes) as well as feasibility of their compositions (via edges). Such
modelling makes CVGAE scalable to real-world application scenarios. This is in
contrast to SOTA method, CGE, which is computationally very expensive. e.g.for
benchmark C-GQA dataset, CGE requires 3.94 x 10^5 nodes, whereas CVGAE requires
only 1323 nodes. We learn a mapping of the graph and image embeddings onto a
common embedding space. CVGAE adopts a deep metric learning approach and learns
a similarity metric in this space via bi-directional contrastive loss between
projected graph and image embeddings. We validate the effectiveness of our
approach on three benchmark datasets.We also demonstrate via an image retrieval
task that the representations learnt by CVGAE are better suited for
compositional generalization.
|
107,524 | 107,524 |
Heterogeneous Information Network based Default Analysis on Banking
Micro and Small Enterprise Users
|
Risk assessment is a substantial problem for financial institutions that has
been extensively studied both for its methodological richness and its various
practical applications. With the expansion of inclusive finance, recent
attentions are paid to micro and small-sized enterprises (MSEs). Compared with
large companies, MSEs present a higher exposure rate to default owing to their
insecure financial stability. Conventional efforts learn classifiers from
historical data with elaborate feature engineering. However, the main obstacle
for MSEs involves severe deficiency in credit-related information, which may
degrade the performance of prediction. Besides, financial activities have
diverse explicit and implicit relations, which have not been fully exploited
for risk judgement in commercial banks. In particular, the observations on real
data show that various relationships between company users have additional
power in financial risk analysis. In this paper, we consider a graph of banking
data, and propose a novel HIDAM model for the purpose. Specifically, we attempt
to incorporate heterogeneous information network with rich attributes on
multi-typed nodes and links for modeling the scenario of business banking
service. To enhance feature representation of MSEs, we extract interactive
information through meta-paths and fully exploit path information. Furthermore,
we devise a hierarchical attention mechanism respectively to learn the
importance of contents inside each meta-path and the importance of different
metapahs. Experimental results verify that HIDAM outperforms state-of-the-art
competitors on real-world banking data.
|
107,525 | 107,525 |
Memory Efficient Invertible Neural Networks for 3D Photoacoustic Imaging
|
Photoacoustic imaging (PAI) can image high-resolution structures of clinical
interest such as vascularity in cancerous tumor monitoring. When imaging human
subjects, geometric restrictions force limited-view data retrieval causing
imaging artifacts. Iterative physical model based approaches reduce artifacts
but require prohibitively time consuming PDE solves. Machine learning (ML) has
accelerated PAI by combining physical models and learned networks. However, the
depth and overall power of ML methods is limited by memory intensive training.
We propose using invertible neural networks (INNs) to alleviate memory
pressure. We demonstrate INNs can image 3D photoacoustic volumes in the setting
of limited-view, noisy, and subsampled data. The frugal constant memory usage
of INNs enables us to train an arbitrary depth of learned layers on a consumer
GPU with 16GB RAM.
|
107,526 | 107,526 |
Graph Auto-Encoders for Network Completion
|
Completing a graph means inferring the missing nodes and edges from a
partially observed network. Different methods have been proposed to solve this
problem, but none of them employed the pattern similarity of parts of the
graph. In this paper, we propose a model to use the learned pattern of
connections from the observed part of the network based on the Graph
Auto-Encoder technique and generalize these patterns to complete the whole
graph. Our proposed model achieved competitive performance with less
information needed. Empirical analysis of synthetic datasets and real-world
datasets from different domains show that our model can complete the network
with higher accuracy compared with baseline prediction models in most cases.
Furthermore, we also studied the character of the model and found it is
particularly suitable to complete a network that has more complex local
connection patterns.
|
107,527 | 107,527 |
Real or Virtual: A Video Conferencing Background Manipulation-Detection
System
|
Recently, the popularity and wide use of the last-generation video
conferencing technologies created an exponential growth in its market size.
Such technology allows participants in different geographic regions to have a
virtual face-to-face meeting. Additionally, it enables users to employ a
virtual background to conceal their own environment due to privacy concerns or
to reduce distractions, particularly in professional settings. Nevertheless, in
scenarios where the users should not hide their actual locations, they may
mislead other participants by claiming their virtual background as a real one.
Therefore, it is crucial to develop tools and strategies to detect the
authenticity of the considered virtual background. In this paper, we present a
detection strategy to distinguish between real and virtual video conferencing
user backgrounds. We demonstrate that our detector is robust against two attack
scenarios. The first scenario considers the case where the detector is unaware
about the attacks and inn the second scenario, we make the detector aware of
the adversarial attacks, which we refer to Adversarial Multimedia Forensics
(i.e, the forensically-edited frames are included in the training set). Given
the lack of publicly available dataset of virtual and real backgrounds for
video conferencing, we created our own dataset and made them publicly available
[1]. Then, we demonstrate the robustness of our detector against different
adversarial attacks that the adversary considers. Ultimately, our detector's
performance is significant against the CRSPAM1372 [2] features, and
post-processing operations such as geometric transformations with different
quality factors that the attacker may choose. Moreover, our performance results
shows that we can perfectly identify a real from a virtual background with an
accuracy of 99.80%.
|
107,528 | 107,528 |
Discovering Gateway Ports in Maritime Using Temporal Graph Neural
Network Port Classification
|
Vessel navigation is influenced by various factors, such as dynamic
environmental factors that change over time or static features such as vessel
type or depth of the ocean. These dynamic and static navigational factors
impose limitations on vessels, such as long waiting times in regions outside
the actual ports, and we call these waiting regions gateway ports. Identifying
gateway ports and their associated features such as congestion and available
utilities can enhance vessel navigation by planning on fuel optimization or
saving time in cargo operation. In this paper, we propose a novel temporal
graph neural network (TGNN) based port classification method to enable vessels
to discover gateway ports efficiently, thus optimizing their operations. The
proposed method processes vessel trajectory data to build dynamic graphs
capturing spatio-temporal dependencies between a set of static and dynamic
navigational features in the data, and it is evaluated in terms of port
classification accuracy on a real-world data set collected from ten vessels
operating in Halifax, NS, Canada. The experimental results indicate that our
TGNN-based port classification method provides an f-score of 95% in classifying
ports.
|
107,529 | 107,529 |
GDGRU-DTA: Predicting Drug-Target Binding Affinity Based on GNN and
Double GRU
|
The work for predicting drug and target affinity(DTA) is crucial for drug
development and repurposing. In this work, we propose a novel method called
GDGRU-DTA to predict the binding affinity between drugs and targets, which is
based on GraphDTA, but we consider that protein sequences are long sequences,
so simple CNN cannot capture the context dependencies in protein sequences
well. Therefore, we improve it by interpreting the protein sequences as time
series and extracting their features using Gate Recurrent Unit(GRU) and
Bidirectional Gate Recurrent Unit(BiGRU). For the drug, our processing method
is similar to that of GraphDTA, but uses two different graph convolution
methods. Subsequently, the representation of drugs and proteins are
concatenated for final prediction. We evaluate the proposed model on two
benchmark datasets. Our model outperforms some state-of-the-art deep learning
methods, and the results demonstrate the feasibility and excellent feature
capture ability of our model.
|
107,530 | 107,530 |
Data Uncertainty without Prediction Models
|
Data acquisition processes for machine learning are often costly. To
construct a high-performance prediction model with fewer data, a degree of
difficulty in prediction is often deployed as the acquisition function in
adding a new data point. The degree of difficulty is referred to as uncertainty
in prediction models. We propose an uncertainty estimation method named a
Distance-weighted Class Impurity without explicit use of prediction models. We
estimated uncertainty using distances and class impurities around the location,
and compared it with several methods based on prediction models for uncertainty
estimation by active learning tasks. We verified that the Distance-weighted
Class Impurity works effectively regardless of prediction models.
|
107,531 | 107,531 |
Mapping Research Trajectories
|
Steadily growing amounts of information, such as annually published
scientific papers, have become so large that they elude an extensive manual
analysis. Hence, to maintain an overview, automated methods for the mapping and
visualization of knowledge domains are necessary and important, e.g., for
scientific decision makers. Of particular interest in this field is the
development of research topics of different entities (e.g., scientific authors
and venues) over time. However, existing approaches for their analysis are only
suitable for single entity types, such as venues, and they often do not capture
the research topics or the time dimension in an easily interpretable manner.
Hence, we propose a principled approach for \emph{mapping research
trajectories}, which is applicable to all kinds of scientific entities that can
be represented by sets of published papers. For this, we transfer ideas and
principles from the geographic visualization domain, specifically trajectory
maps and interactive geographic maps. Our visualizations depict the research
topics of entities over time in a straightforward interpr. manner. They can be
navigated by the user intuitively and restricted to specific elements of
interest. The maps are derived from a corpus of research publications (i.e.,
titles and abstracts) through a combination of unsupervised machine learning
methods.
In a practical demonstrator application, we exemplify the proposed approach
on a publication corpus from machine learning. We observe that our trajectory
visualizations of 30 top machine learning venues and 1000 major authors in this
field are well interpretable and are consistent with background knowledge drawn
from the entities' publications. Next to producing interactive, interpr.
visualizations supporting different kinds of analyses, our computed
trajectories are suitable for trajectory mining applications in the future.
|
107,532 | 107,532 |
Multi-objective Pointer Network for Combinatorial Optimization
|
Multi-objective combinatorial optimization problems (MOCOPs), one type of
complex optimization problems, widely exist in various real applications.
Although meta-heuristics have been successfully applied to address MOCOPs, the
calculation time is often much longer. Recently, a number of deep reinforcement
learning (DRL) methods have been proposed to generate approximate optimal
solutions to the combinatorial optimization problems. However, the existing
studies on DRL have seldom focused on MOCOPs. This study proposes a
single-model deep reinforcement learning framework, called multi-objective
Pointer Network (MOPN), where the input structure of PN is effectively improved
so that the single PN is capable of solving MOCOPs. In addition, two training
strategies, based on representative model and transfer learning, respectively,
are proposed to further enhance the performance of MOPN in different
application scenarios. Moreover, compared to classical meta-heuristics, MOPN
only consumes much less time on forward propagation to obtain the Pareto front.
Meanwhile, MOPN is insensitive to problem scale, meaning that a trained MOPN is
able to address MOCOPs with different scales. To verify the performance of
MOPN, extensive experiments are conducted on three multi-objective traveling
salesman problems, in comparison with one state-of-the-art model DRL-MOA and
three classical multi-objective meta-heuristics. Experimental results
demonstrate that the proposed model outperforms all the comparative methods
with only 20\% to 40\% training time of DRL-MOA.
|
107,533 | 107,533 |
Evolutionary latent space search for driving human portrait generation
|
This article presents an evolutionary approach for synthetic human portraits
generation based on the latent space exploration of a generative adversarial
network. The idea is to produce different human face images very similar to a
given target portrait. The approach applies StyleGAN2 for portrait generation
and FaceNet for face similarity evaluation. The evolutionary search is based on
exploring the real-coded latent space of StyleGAN2. The main results over both
synthetic and real images indicate that the proposed approach generates
accurate and diverse solutions, which represent realistic human portraits. The
proposed research can contribute to improving the security of face recognition
systems.
|
107,534 | 107,534 |
ProCST: Boosting Semantic Segmentation using Progressive Cyclic
Style-Transfer
|
Using synthetic data for training neural networks that achieve good
performance on real-world data is an important task as it has the potential to
reduce the need for costly data annotation. Yet, a network that is trained on
synthetic data alone does not perform well on real data due to the domain gap
between the two. Reducing this gap, also known as domain adaptation, has been
widely studied in recent years. In the unsupervised domain adaptation (UDA)
framework, unlabeled real data is used during training with labeled synthetic
data to obtain a neural network that performs well on real data. In this work,
we focus on image data. For the semantic segmentation task, it has been shown
that performing image-to-image translation from source to target, and then
training a network for segmentation on source annotations - leads to poor
results. Therefore a joint training of both is essential, which has been a
common practice in many techniques. Yet, closing the large domain gap between
the source and the target by directly performing the adaptation between the two
is challenging. In this work, we propose a novel two-stage framework for
improving domain adaptation techniques. In the first step, we progressively
train a multi-scale neural network to perform an initial transfer between the
source data to the target data. We denote the new transformed data as "Source
in Target" (SiT). Then, we use the generated SiT data as the input to any
standard UDA approach. This new data has a reduced domain gap from the desired
target domain, and the applied UDA approach further closes the gap. We
demonstrate the improvement achieved by our framework with two state-of-the-art
methods for semantic segmentation, DAFormer and ProDA, on two UDA tasks, GTA5
to Cityscapes and Synthia to Cityscapes. Code and state-of-the-art checkpoints
of ProCST+DAFormer are provided.
|
107,535 | 107,535 |
Reinforcement Teaching
|
Meta-learning strives to learn about and improve a student's machine learning
algorithm. However, existing meta-learning methods either only work with
differentiable algorithms or are hand-crafted to improve one specific component
of an algorithm. We develop a unifying meta-learning framework, called
Reinforcement Teaching, to improve the learning process of any algorithm. Under
Reinforcement Teaching, a teaching policy is learned, through reinforcement, to
improve a student's learning. To effectively learn such a teaching policy, we
introduce a parametric-behavior embedder that learns a representation of the
student's learnable parameters from its input/output behavior. Further, we use
learning progress to shape the teacher's reward, allowing it to more quickly
maximize the student's performance. To demonstrate the generality of
Reinforcement Teaching, we conduct experiments where a teacher learns to
significantly improve both reinforcement and supervised learning algorithms,
outperforming hand-crafted heuristics and previously proposed parameter
representations. Results show that Reinforcement Teaching is capable of not
only unifying different meta-learning approaches, but also effectively
leveraging existing tools from reinforcement learning research.
|
107,536 | 107,536 |
Integrating Reward Maximization and Population Estimation: Sequential
Decision-Making for Internal Revenue Service Audit Selection
|
We introduce a new setting, optimize-and-estimate structured bandits. Here, a
policy must select a batch of arms, each characterized by its own context, that
would allow it to both maximize reward and maintain an accurate (ideally
unbiased) population estimate of the reward. This setting is inherent to many
public and private sector applications and often requires handling delayed
feedback, small data, and distribution shifts. We demonstrate its importance on
real data from the United States Internal Revenue Service (IRS). The IRS
performs yearly audits of the tax base. Two of its most important objectives
are to identify suspected misreporting and to estimate the "tax gap" - the
global difference between the amount paid and true amount owed. We cast these
two processes as a unified optimize-and-estimate structured bandit. We provide
a novel mechanism for unbiased population estimation that achieves rewards
comparable to baseline approaches. This approach has the potential to improve
audit efficacy, while maintaining policy-relevant estimates of the tax gap.
This has important social consequences given that the current tax gap is
estimated at nearly half a trillion dollars. We suggest that this problem
setting is fertile ground for further research and we highlight its interesting
challenges.
|
107,537 | 107,537 |
Learning High-Dimensional McKean-Vlasov Forward-Backward Stochastic
Differential Equations with General Distribution Dependence
|
One of the core problems in mean-field control and mean-field games is to
solve the corresponding McKean-Vlasov forward-backward stochastic differential
equations (MV-FBSDEs). Most existing methods are tailored to special cases in
which the mean-field interaction only depends on expectation or other moments
and thus inadequate to solve problems when the mean-field interaction has full
distribution dependence. In this paper, we propose a novel deep learning method
for computing MV-FBSDEs with a general form of mean-field interactions.
Specifically, built on fictitious play, we recast the problem into repeatedly
solving standard FBSDEs with explicit coefficient functions. These coefficient
functions are used to approximate the MV-FBSDEs' model coefficients with full
distribution dependence, and are updated by solving another supervising
learning problem using training data simulated from the last iteration's FBSDE
solutions. We use deep neural networks to solve standard BSDEs and approximate
coefficient functions in order to solve high-dimensional MV-FBSDEs. Under
proper assumptions on the learned functions, we prove that the convergence of
the proposed method is free of the curse of dimensionality (CoD) by using the
generalized maximum mean discrepancy metric previously developed in [Han, Hu
and Long, arXiv:2104.12036]. The proved theorem shows the advantage of the
method in high dimensions. We present the numerical performance in
high-dimensional MV-FBSDE problems, including a mean-field game example of the
well-known Cucker-Smale model whose cost depends on the full distribution of
the forward process.
|
107,538 | 107,538 |
On-demand compute reduction with stochastic wav2vec 2.0
|
Squeeze and Efficient Wav2vec (SEW) is a recently proposed architecture that
squeezes the input to the transformer encoder for compute efficient
pre-training and inference with wav2vec 2.0 (W2V2) models. In this work, we
propose stochastic compression for on-demand compute reduction for W2V2 models.
As opposed to using a fixed squeeze factor, we sample it uniformly during
training. We further introduce query and key-value pooling mechanisms that can
be applied to each transformer layer for further compression. Our results for
models pre-trained on 960h Librispeech dataset and fine-tuned on 10h of
transcribed data show that using the same stochastic model, we get a smooth
trade-off between word error rate (WER) and inference time with only marginal
WER degradation compared to the W2V2 and SEW models trained for a specific
setting. We further show that we can fine-tune the same stochastically
pre-trained model to a specific configuration to recover the WER difference
resulting in significant computational savings on pre-training models from
scratch.
|
107,539 | 107,539 |
Discrete-Continuous Smoothing and Mapping
|
We describe a general approach to smoothing and mapping with a class of
discrete-continuous factor graphs commonly encountered in robotics
applications. While there are openly available tools providing flexible and
easy-to-use interfaces for specifying and solving optimization problems
formulated in terms of either discrete or continuous graphical models, at
present, no similarly general tools exist enabling the same functionality for
hybrid discrete-continuous problems. We aim to address this problem. In
particular, we provide a library, DC-SAM, extending existing tools for
optimization problems defined in terms of factor graphs to the setting of
discrete-continuous models. A key contribution of our work is a novel solver
for efficiently recovering approximate solutions to discrete-continuous
optimization problems. The key insight to our approach is that while joint
inference over continuous and discrete state spaces is often hard, many
commonly encountered discrete-continuous problems can naturally be split into a
"discrete part" and a "continuous part" that can individually be solved easily.
Leveraging this structure, we optimize discrete and continuous variables in an
alternating fashion. In consequence, our proposed work enables straightforward
representation of and approximate inference in discrete-continuous graphical
models. We also provide a method to recover the uncertainty in estimates of
both discrete and continuous variables. We demonstrate the versatility of our
approach through its application to three distinct robot perception
applications: point-cloud registration, robust pose graph optimization, and
object-based mapping and localization.
|
107,540 | 107,540 |
Robust Dual-Graph Regularized Moving Object Detection
|
Moving object detection and its associated background-foreground separation
have been widely used in a lot of applications, including computer vision,
transportation and surveillance. Due to the presence of the static background,
a video can be naturally decomposed into a low-rank background and a sparse
foreground. Many regularization techniques, such as matrix nuclear norm, have
been imposed on the background. In the meanwhile, sparsity or smoothness based
regularizations, such as total variation and $\ell_1$, can be imposed on the
foreground. Moreover, graph Laplacians are further imposed to capture the
complicated geometry of background images. Recently, weighted regularization
techniques including the weighted nuclear norm regularization have been
proposed in the image processing community to promote adaptive sparsity while
achieving efficient performance. In this paper, we propose a robust dual-graph
regularized moving object detection model based on the weighted nuclear norm
regularization, which is solved by the alternating direction method of
multipliers (ADMM). Numerical experiments on body movement data sets have
demonstrated the effectiveness of this method in separating moving objects from
background, and the great potential in robotic applications.
|
107,541 | 107,541 |
Crystal Transformer: Self-learning neural language model for Generative
and Tinkering Design of Materials
|
Self-supervised neural language models have recently achieved unprecedented
success, from natural language processing to learning the languages of
biological sequences and organic molecules. These models have demonstrated
superior performance in the generation, structure classification, and
functional predictions for proteins and molecules with learned representations.
However, most of the masking-based pre-trained language models are not designed
for generative design, and their black-box nature makes it difficult to
interpret their design logic. Here we propose BLMM Crystal Transformer, a
neural network based probabilistic generative model for generative and
tinkering design of inorganic materials. Our model is built on the blank
filling language model for text generation and has demonstrated unique
advantages in learning the "materials grammars" together with high-quality
generation, interpretability, and data efficiency. It can generate chemically
valid materials compositions with as high as 89.7\% charge neutrality and
84.8\% balanced electronegativity, which are more than 4 and 8 times higher
compared to a pseudo random sampling baseline. The probabilistic generation
process of BLMM allows it to recommend tinkering operations based on learned
materials chemistry and makes it useful for materials doping. Combined with the
TCSP crysal structure prediction algorithm, We have applied our model to
discover a set of new materials as validated using DFT calculations. Our work
thus brings the unsupervised transformer language models based generative
artificial intelligence to inorganic materials. A user-friendly web app has
been developed for computational materials doping and can be accessed freely at
\url{www.materialsatlas.org/blmtinker}.
|
107,542 | 107,542 |
Estimating and Penalizing Induced Preference Shifts in Recommender
Systems
|
The content that a recommender system (RS) shows to users influences them.
Therefore, when choosing which recommender to deploy, one is implicitly also
choosing to induce specific internal states in users. Even more, systems
trained via long-horizon optimization will have direct incentives to manipulate
users, e.g. shift their preferences so they are easier to satisfy. In this work
we focus on induced preference shifts in users. We argue that - before
deployment - system designers should: estimate the shifts a recommender would
induce; evaluate whether such shifts would be undesirable; and even actively
optimize to avoid problematic shifts. These steps involve two challenging
ingredients: estimation requires anticipating how hypothetical policies would
influence user preferences if deployed - we do this by using historical user
interaction data to train predictive user model which implicitly contains their
preference dynamics; evaluation and optimization additionally require metrics
to assess whether such influences are manipulative or otherwise unwanted - we
use the notion of "safe shifts", that define a trust region within which
behavior is safe. In simulated experiments, we show that our learned preference
dynamics model is effective in estimating user preferences and how they would
respond to new recommenders. Additionally, we show that recommenders that
optimize for staying in the trust region can avoid manipulative behaviors while
still generating engagement.
|
107,543 | 107,543 |
Visual Acuity Prediction on Real-Life Patient Data Using a Machine
Learning Based Multistage System
|
In ophthalmology, intravitreal operative medication therapy (IVOM) is
widespread treatment for diseases such as the age-related macular degeneration
(AMD), the diabetic macular edema (DME), as well as the retinal vein occlusion
(RVO). However, in real-world settings, patients often suffer from loss of
vision on time scales of years despite therapy, whereas the prediction of the
visual acuity (VA) and the earliest possible detection of deterioration under
real-life conditions is challenging due to heterogeneous and incomplete data.
In this contribution, we present a workflow for the development of a
research-compatible data corpus fusing different IT systems of the department
of ophthalmology of a German maximum care hospital. The extensive data corpus
allows predictive statements of the expected progression of a patient and his
or her VA in each of the three diseases. Within our proposed multistage system,
we classify the VA progression into the three groups of therapy "winners",
"stabilizers", and "losers" (WSL scheme). Our OCT biomarker classification
using an ensemble of deep neural networks results in a classification accuracy
(F1-score) of over 98 %, enabling us to complete incomplete OCT documentations
while allowing us to exploit them for a more precise VA modelling process. Our
VA prediction requires at least four VA examinations and optionally OCT
biomarkers from the same time period to predict the VA progression within a
forecasted time frame. While achieving a prediction accuracy of up to 69 %
(macro average F1-score) when considering all three WSL-based progression
groups, this corresponds to an improvement by 11 % in comparison to our
ophthalmic expertise (58 %).
|
107,544 | 107,544 |
End-to-end Mapping in Heterogeneous Systems Using Graph Representation
Learning
|
To enable heterogeneous computing systems with autonomous programming and
optimization capabilities, we propose a unified, end-to-end, programmable graph
representation learning (PGL) framework that is capable of mining the
complexity of high-level programs down to the universal intermediate
representation, extracting the specific computational patterns and predicting
which code segments would run best on a specific core in heterogeneous hardware
platforms. The proposed framework extracts multi-fractal topological features
from code graphs, utilizes graph autoencoders to learn how to partition the
graph into computational kernels, and exploits graph neural networks (GNN) to
predict the correct assignment to a processor type. In the evaluation, we
validate the PGL framework and demonstrate a maximum speedup of 6.42x compared
to the thread-based execution, and 2.02x compared to the state-of-the-art
technique.
|
107,545 | 107,545 |
When adversarial examples are excusable
|
Neural networks work remarkably well in practice and theoretically they can
be universal approximators. However, they still make mistakes and a specific
type of them called adversarial errors seem inexcusable to humans. In this
work, we analyze both test errors and adversarial errors on a well controlled
but highly non-linear visual classification problem. We find that, when
approximating training on infinite data, test errors tend to be close to the
ground truth decision boundary. Qualitatively speaking these are also more
difficult for a human. By contrast, adversarial examples can be found almost
everywhere and are often obvious mistakes. However, when we constrain
adversarial examples to the manifold, we observe a 90\% reduction in
adversarial errors. If we inflate the manifold by training with Gaussian noise
we observe a similar effect. In both cases, the remaining adversarial errors
tend to be close to the ground truth decision boundary. Qualitatively, the
remaining adversarial errors are similar to test errors on difficult examples.
They do not have the customary quality of being inexcusable mistakes.
|
107,546 | 107,546 |
Offline Vehicle Routing Problem with Online Bookings: A Novel Problem
Formulation with Applications to Paratransit
|
Vehicle routing problems (VRPs) can be divided into two major categories:
offline VRPs, which consider a given set of trip requests to be served, and
online VRPs, which consider requests as they arrive in real-time. Based on
discussions with public transit agencies, we identify a real-world problem that
is not addressed by existing formulations: booking trips with flexible pickup
windows (e.g., 3 hours) in advance (e.g., the day before) and confirming tight
pickup windows (e.g., 30 minutes) at the time of booking. Such a service model
is often required in paratransit service settings, where passengers typically
book trips for the next day over the phone. To address this gap between offline
and online problems, we introduce a novel formulation, the offline vehicle
routing problem with online bookings. This problem is very challenging
computationally since it faces the complexity of considering large sets of
requests -- similar to offline VRPs -- but must abide by strict constraints on
running time -- similar to online VRPs. To solve this problem, we propose a
novel computational approach, which combines an anytime algorithm with a
learning-based policy for real-time decisions. Based on a paratransit dataset
obtained from the public transit agency of Chattanooga, TN, we demonstrate that
our novel formulation and computational approach lead to significantly better
outcomes in this setting than existing algorithms.
|
107,547 | 107,547 |
gLaSDI: Parametric Physics-informed Greedy Latent Space Dynamics
Identification
|
A parametric adaptive physics-informed greedy Latent Space Dynamics
Identification (gLaSDI) method is proposed for accurate, efficient, and robust
data-driven reduced-order modeling of high-dimensional nonlinear dynamical
systems. In the proposed gLaSDI framework, an autoencoder discovers intrinsic
nonlinear latent representations of high-dimensional data, while dynamics
identification (DI) models capture local latent-space dynamics. An interactive
training algorithm is adopted for the autoencoder and local DI models, which
enables identification of simple latent-space dynamics and enhances accuracy
and efficiency of data-driven reduced-order modeling. To maximize and
accelerate the exploration of the parameter space for the optimal model
performance, an adaptive greedy sampling algorithm integrated with a
physics-informed residual-based error indicator and random-subset evaluation is
introduced to search for the optimal training samples on-the-fly. Further, to
exploit local latent-space dynamics captured by the local DI models for an
improved modeling accuracy with a minimum number of local DI models in the
parameter space, an efficient k-nearest neighbor convex interpolation scheme is
employed. The effectiveness of the proposed framework is demonstrated by
modeling various nonlinear dynamical problems, including Burgers equations,
nonlinear heat conduction, and radial advection. The proposed adaptive greedy
sampling outperforms the conventional predefined uniform sampling in terms of
accuracy. Compared with the high-fidelity models, gLaSDI achieves 66 to 4,417x
speed-up with 1 to 5% relative errors.
|
107,548 | 107,548 |
Theoretical Understanding of the Information Flow on Continual Learning
Performance
|
Continual learning (CL) is a setting in which an agent has to learn from an
incoming stream of data sequentially. CL performance evaluates the model's
ability to continually learn and solve new problems with incremental available
information over time while retaining previous knowledge. Despite the numerous
previous solutions to bypass the catastrophic forgetting (CF) of previously
seen tasks during the learning process, most of them still suffer significant
forgetting, expensive memory cost, or lack of theoretical understanding of
neural networks' conduct while learning new tasks. While the issue that CL
performance degrades under different training regimes has been extensively
studied empirically, insufficient attention has been paid from a theoretical
angle. In this paper, we establish a probabilistic framework to analyze
information flow through layers in networks for task sequences and its impact
on learning performance. Our objective is to optimize the information
preservation between layers while learning new tasks to manage task-specific
knowledge passing throughout the layers while maintaining model performance on
previous tasks. In particular, we study CL performance's relationship with
information flow in the network to answer the question "How can knowledge of
information flow between layers be used to alleviate CF?". Our analysis
provides novel insights of information adaptation within the layers during the
incremental task learning process. Through our experiments, we provide
empirical evidence and practically highlight the performance improvement across
multiple tasks.
|
107,549 | 107,549 |
Bamboo: Making Preemptible Instances Resilient for Affordable Training
of Large DNNs
|
DNN models across many domains continue to grow in size, resulting in high
resource requirements for effective training, and unpalatable (and often
unaffordable) costs for organizations and research labs across scales. This
paper aims to significantly reduce training costs with effective use of
preemptible instances, i.e., those that can be obtained at a much cheaper price
while idle, but may be preempted whenever requested by priority users. Doing
so, however, requires new forms of resiliency and efficiency to cope with the
possibility of frequent preemptions - a failure model that is drastically
different from the occasional failures in normal cluster settings that existing
checkpointing techniques target.
We present Bamboo, a distributed system that tackles these challenges by
introducing redundant computations into the training pipeline, i.e., whereby
one node performs computations over not only its own layers but also over some
layers in its neighbor. Our key insight is that training large models often
requires pipeline parallelism where "pipeline bubbles" naturally exist. Bamboo
carefully fills redundant computations into these bubbles, providing resilience
at a low cost. Across a variety of widely used DNN models, Bamboo outperforms
traditional checkpointing by 3.7x in training throughput, and reduces costs by
2.4x compared to a setting where on-demand instances are used.
|
107,550 | 107,550 |
BATS: Best Action Trajectory Stitching
|
The problem of offline reinforcement learning focuses on learning a good
policy from a log of environment interactions. Past efforts for developing
algorithms in this area have revolved around introducing constraints to online
reinforcement learning algorithms to ensure the actions of the learned policy
are constrained to the logged data. In this work, we explore an alternative
approach by planning on the fixed dataset directly. Specifically, we introduce
an algorithm which forms a tabular Markov Decision Process (MDP) over the
logged data by adding new transitions to the dataset. We do this by using
learned dynamics models to plan short trajectories between states. Since exact
value iteration can be performed on this constructed MDP, it becomes easy to
identify which trajectories are advantageous to add to the MDP. Crucially,
since most transitions in this MDP come from the logged data, trajectories from
the MDP can be rolled out for long periods with confidence. We prove that this
property allows one to make upper and lower bounds on the value function up to
appropriate distance metrics. Finally, we demonstrate empirically how
algorithms that uniformly constrain the learned policy to the entire dataset
can result in unwanted behavior, and we show an example in which simply
behavior cloning the optimal policy of the MDP created by our algorithm avoids
this problem.
|
107,551 | 107,551 |
Boundary Smoothing for Named Entity Recognition
|
Neural named entity recognition (NER) models may easily encounter the
over-confidence issue, which degrades the performance and calibration. Inspired
by label smoothing and driven by the ambiguity of boundary annotation in NER
engineering, we propose boundary smoothing as a regularization technique for
span-based neural NER models. It re-assigns entity probabilities from annotated
spans to the surrounding ones. Built on a simple but strong baseline, our model
achieves results better than or competitive with previous state-of-the-art
systems on eight well-known NER benchmarks. Further empirical analysis suggests
that boundary smoothing effectively mitigates over-confidence, improves model
calibration, and brings flatter neural minima and more smoothed loss
landscapes.
|
107,552 | 107,552 |
Information Fusion: Scaling Subspace-Driven Approaches
|
In this work, we seek to exploit the deep structure of multi-modal data to
robustly exploit the group subspace distribution of the information using the
Convolutional Neural Network (CNN) formalism. Upon unfolding the set of
subspaces constituting each data modality, and learning their corresponding
encoders, an optimized integration of the generated inherent information is
carried out to yield a characterization of various classes. Referred to as deep
Multimodal Robust Group Subspace Clustering (DRoGSuRe), this approach is
compared against the independently developed state-of-the-art approach named
Deep Multimodal Subspace Clustering (DMSC). Experiments on different multimodal
datasets show that our approach is competitive and more robust in the presence
of noise.
|
107,553 | 107,553 |
Adaptive Pseudo-Siamese Policy Network for Temporal Knowledge Prediction
|
Temporal knowledge prediction is a crucial task for the event early warning
that has gained increasing attention in recent years, which aims to predict the
future facts by using relevant historical facts on the temporal knowledge
graphs. There are two main difficulties in this prediction task. First, from
the historical facts point of view, how to model the evolutionary patterns of
the facts to predict the query accurately. Second, from the query perspective,
how to handle the two cases where the query contains seen and unseen entities
in a unified framework. Driven by the two problems, we propose a novel adaptive
pseudo-siamese policy network for temporal knowledge prediction based on
reinforcement learning. Specifically, we design the policy network in our model
as a pseudo-siamese policy network that consists of two sub-policy networks. In
sub-policy network I, the agent searches for the answer for the query along the
entity-relation paths to capture the static evolutionary patterns. And in
sub-policy network II, the agent searches for the answer for the query along
the relation-time paths to deal with unseen entities. Moreover, we develop a
temporal relation encoder to capture the temporal evolutionary patterns.
Finally, we design a gating mechanism to adaptively integrate the results of
the two sub-policy networks to help the agent focus on the destination answer.
To assess our model performance, we conduct link prediction on four benchmark
datasets, the experimental results demonstrate that our method obtains
considerable performance compared with existing methods.
|
107,554 | 107,554 |
Causal Reasoning Meets Visual Representation Learning: A Prospective
Study
|
Visual representation learning is ubiquitous in various real-world
applications, including visual comprehension, video understanding, multi-modal
analysis, human-computer interaction, and urban computing. Due to the emergence
of huge amounts of multi-modal heterogeneous spatial/temporal/spatial-temporal
data in big data era, the lack of interpretability, robustness, and
out-of-distribution generalization are becoming the challenges of the existing
visual models. The majority of the existing methods tend to fit the original
data/variable distributions and ignore the essential causal relations behind
the multi-modal knowledge, which lacks an unified guidance and analysis about
why modern visual representation learning methods are easily collapse into data
bias and have limited generalization and cognitive abilities. Inspired by the
strong inference ability of human-level agents, recent years have therefore
witnessed great effort in developing causal reasoning paradigms to realize
robust representation and model learning with good cognitive ability. In this
paper, we conduct a comprehensive review of existing causal reasoning methods
for visual representation learning, covering fundamental theories, models, and
datasets. The limitations of current methods and datasets are also discussed.
Moreover, we propose some prospective challenges, opportunities, and future
research directions for benchmarking causal reasoning algorithms in visual
representation learning. This paper aims to provide a comprehensive overview of
this emerging field, attract attention, encourage discussions, bring to the
forefront the urgency of developing novel causal reasoning methods, publicly
available benchmarks, and consensus-building standards for reliable visual
representation learning and related real-world applications more efficiently.
|
107,555 | 107,555 |
ISTRBoost: Importance Sampling Transfer Regression using Boosting
|
Current Instance Transfer Learning (ITL) methodologies use domain adaptation
and sub-space transformation to achieve successful transfer learning. However,
these methodologies, in their processes, sometimes overfit on the target
dataset or suffer from negative transfer if the test dataset has a high
variance. Boosting methodologies have been shown to reduce the risk of
overfitting by iteratively re-weighing instances with high-residual. However,
this balance is usually achieved with parameter optimization, as well as
reducing the skewness in weights produced due to the size of the source
dataset. While the former can be achieved, the latter is more challenging and
can lead to negative transfer. We introduce a simpler and more robust fix to
this problem by building upon the popular boosting ITL regression methodology,
two-stage TrAdaBoost.R2. Our methodology,~\us{}, is a boosting and
random-forest based ensemble methodology that utilizes importance sampling to
reduce the skewness due to the source dataset. We show that~\us{}~performs
better than competitive transfer learning methodologies $63\%$ of the time. It
also displays consistency in its performance over diverse datasets with varying
complexities, as opposed to the sporadic results observed for other transfer
learning methodologies.
|
107,556 | 107,556 |
Thompson Sampling for Bandit Learning in Matching Markets
|
The problem of two-sided matching markets has a wide range of real-world
applications and has been extensively studied in the literature. A line of
recent works have focused on the problem setting where the preferences of
one-side market participants are unknown \emph{a priori} and are learned by
iteratively interacting with the other side of participants. All these works
are based on explore-then-commit (ETC) and upper confidence bound (UCB)
algorithms, two common strategies in multi-armed bandits (MAB). Thompson
sampling (TS) is another popular approach, which attracts lots of attention due
to its easier implementation and better empirical performances. In many
problems, even when UCB and ETC-type algorithms have already been analyzed,
researchers are still trying to study TS for its benefits. However, the
convergence analysis of TS is much more challenging and remains open in many
problem settings. In this paper, we provide the first regret analysis for TS in
the new setting of iterative matching markets. Extensive experiments
demonstrate the practical advantages of the TS-type algorithm over the ETC and
UCB-type baselines.
|
107,557 | 107,557 |
Know Thy Student: Interactive Learning with Gaussian Processes
|
Learning often involves interaction between multiple agents. Human
teacher-student settings best illustrate how interactions result in efficient
knowledge passing where the teacher constructs a curriculum based on their
students' abilities. Prior work in machine teaching studies how the teacher
should construct optimal teaching datasets assuming the teacher knows
everything about the student. However, in the real world, the teacher doesn't
have complete information about the student. The teacher must interact and
diagnose the student, before teaching. Our work proposes a simple diagnosis
algorithm which uses Gaussian processes for inferring student-related
information, before constructing a teaching dataset. We apply this to two
settings. One is where the student learns from scratch and the teacher must
figure out the student's learning algorithm parameters, eg. the regularization
parameters in ridge regression or support vector machines. Two is where the
student has partially explored the environment and the teacher must figure out
the important areas the student has not explored; we study this in the offline
reinforcement learning setting where the teacher must provide demonstrations to
the student and avoid sending redundant trajectories. Our experiments highlight
the importance of diagosing before teaching and demonstrate how students can
learn more efficiently with the help of an interactive teacher. We conclude by
outlining where diagnosing combined with teaching would be more desirable than
passive learning.
|
107,558 | 107,558 |
One-pass additive-error subset selection for $\ell_{p}$ subspace
approximation
|
We consider the problem of subset selection for $\ell_{p}$ subspace
approximation, that is, to efficiently find a \emph{small} subset of data
points such that solving the problem optimally for this subset gives a good
approximation to solving the problem optimally for the original input.
Previously known subset selection algorithms based on volume sampling and
adaptive sampling \cite{DeshpandeV07}, for the general case of $p \in [1,
\infty)$, require multiple passes over the data. In this paper, we give a
one-pass subset selection with an additive approximation guarantee for
$\ell_{p}$ subspace approximation, for any $p \in [1, \infty)$. Earlier subset
selection algorithms that give a one-pass multiplicative $(1+\epsilon)$
approximation work under the special cases. Cohen \textit{et al.}
\cite{CohenMM17} gives a one-pass subset section that offers multiplicative
$(1+\epsilon)$ approximation guarantee for the special case of $\ell_{2}$
subspace approximation. Mahabadi \textit{et al.} \cite{MahabadiRWZ20} gives a
one-pass \emph{noisy} subset selection with $(1+\epsilon)$ approximation
guarantee for $\ell_{p}$ subspace approximation when $p \in \{1, 2\}$. Our
subset selection algorithm gives a weaker, additive approximation guarantee,
but it works for any $p \in [1, \infty)$.
|
107,559 | 107,559 |
AAU-net: An Adaptive Attention U-net for Breast Lesions Segmentation in
Ultrasound Images
|
Various deep learning methods have been proposed to segment breast lesion
from ultrasound images. However, similar intensity distributions, variable
tumor morphology and blurred boundaries present challenges for breast lesions
segmentation, especially for malignant tumors with irregular shapes.
Considering the complexity of ultrasound images, we develop an adaptive
attention U-net (AAU-net) to segment breast lesions automatically and stably
from ultrasound images. Specifically, we introduce a hybrid adaptive attention
module, which mainly consists of a channel self-attention block and a spatial
self-attention block, to replace the traditional convolution operation.
Compared with the conventional convolution operation, the design of the hybrid
adaptive attention module can help us capture more features under different
receptive fields. Different from existing attention mechanisms, the hybrid
adaptive attention module can guide the network to adaptively select more
robust representation in channel and space dimensions to cope with more complex
breast lesions segmentation. Extensive experiments with several
state-of-the-art deep learning segmentation methods on three public breast
ultrasound datasets show that our method has better performance on breast
lesion segmentation. Furthermore, robustness analysis and external experiments
demonstrate that our proposed AAU-net has better generalization performance on
the segmentation of breast lesions. Moreover, the hybrid adaptive attention
module can be flexibly applied to existing network frameworks.
|
107,560 | 107,560 |
Time Series Prediction by Multi-task GPR with Spatiotemporal Information
Transformation
|
Making an accurate prediction of an unknown system only from a short-term
time series is difficult due to the lack of sufficient information, especially
in a multi-step-ahead manner. However, a high-dimensional short-term time
series contains rich dynamical information, and also becomes increasingly
available in many fields. In this work, by exploiting spatiotemporal
information (STI) transformation scheme that transforms such
high-dimensional/spatial information to temporal information, we developed a
new method called MT-GPRMachine to achieve accurate prediction from a
short-term time series. Specifically, we first construct a specific multi-task
GPR which is multiple linked STI mappings to transform high dimensional/spatial
information into temporal/dynamical information of any given target variable,
and then makes multi step-ahead prediction of the target variable by solving
those STI mappings. The multi-step-ahead prediction results on various
synthetic and real-world datasets clearly validated that MT-GPRMachine
outperformed other existing approaches.
|
107,561 | 107,561 |
A physics-informed deep neural network for surrogate modeling in
classical elasto-plasticity
|
In this work, we present a deep neural network architecture that can
efficiently approximate classical elasto-plastic constitutive relations. The
network is enriched with crucial physics aspects of classical
elasto-plasticity, including additive decomposition of strains into elastic and
plastic parts, and nonlinear incremental elasticity. This leads to a
Physics-Informed Neural Network (PINN) surrogate model named here as
Elasto-Plastic Neural Network (EPNN). Detailed analyses show that embedding
these physics into the architecture of the neural network facilitates a more
efficient training of the network with less training data, while also enhancing
the extrapolation capability for loading regimes outside the training data. The
architecture of EPNN is model and material-independent, i.e. it can be adapted
to a wide range of elasto-plastic material types, including geomaterials and
metals; and experimental data can potentially be directly used in training the
network. To demonstrate the robustness of the proposed architecture, we adapt
its general framework to the elasto-plastic behavior of sands. We use synthetic
data generated from material point simulations based on a relatively advanced
dilatancy-based constitutive model for granular materials to train the neural
network. The superiority of EPNN over regular neural network architectures is
explored through predicting unseen strain-controlled loading paths for sands
with different initial densities.
|
107,562 | 107,562 |
PyGOD: A Python Library for Graph Outlier Detection
|
PyGOD is an open-source Python library for detecting outliers on graph data.
As the first comprehensive library of its kind, PyGOD supports a wide array of
leading graph-based methods for node-, edge-, subgraph-, and graph-level
outlier detection, under a unified, well-documented API designed for use by
both researchers and practitioners. To overcome the scalability issue in large
graphs, we provide advanced functionalities for selected models, including
mini-batch and sampling. PyGOD is equipped with best practices to foster code
reliability and maintainability, including unit testing, continuous
integration, and code coverage. To foster accessibility, PyGOD is released
under a permissive BSD-license at https://github.com/pygod-team/pygod/ and the
Python Package Index (PyPI).
|
107,563 | 107,563 |
Convergence of neural networks to Gaussian mixture distribution
|
We give a proof that, under relatively mild conditions, fully-connected
feed-forward deep random neural networks converge to a Gaussian mixture
distribution as only the width of the last hidden layer goes to infinity. We
conducted experiments for a simple model which supports our result. Moreover,
it gives a detailed description of the convergence, namely, the growth of the
last hidden layer gets the distribution closer to the Gaussian mixture, and the
other layer successively get the Gaussian mixture closer to the normal
distribution.
|
107,564 | 107,564 |
Reformulating Speaker Diarization as Community Detection With Emphasis
On Topological Structure
|
Clustering-based speaker diarization has stood firm as one of the major
approaches in reality, despite recent development in end-to-end diarization.
However, clustering methods have not been explored extensively for speaker
diarization. Commonly-used methods such as k-means, spectral clustering, and
agglomerative hierarchical clustering only take into account properties such as
proximity and relative densities. In this paper we propose to view
clustering-based diarization as a community detection problem. By doing so the
topological structure is considered. This work has four major contributions.
First it is shown that Leiden community detection algorithm significantly
outperforms the previous methods on the clustering of speaker-segments. Second,
we propose to use uniform manifold approximation to reduce dimension while
retaining global and local topological structure. Third, a masked filtering
approach is introduced to extract "clean" speaker embeddings. Finally, the
community structure is applied to an end-to-end post-processing network to
obtain diarization results. The final system presents a relative DER reduction
of up to 70 percent. The breakdown contribution of each component is analyzed.
|
107,565 | 107,565 |
Bias-Variance Decompositions for Margin Losses
|
We introduce a novel bias-variance decomposition for a range of strictly
convex margin losses, including the logistic loss (minimized by the classic
LogitBoost algorithm), as well as the squared margin loss and canonical
boosting loss. Furthermore, we show that, for all strictly convex margin
losses, the expected risk decomposes into the risk of a "central" model and a
term quantifying variation in the functional margin with respect to variations
in the training data. These decompositions provide a diagnostic tool for
practitioners to understand model overfitting/underfitting, and have
implications for additive ensemble models -- for example, when our
bias-variance decomposition holds, there is a corresponding "ambiguity"
decomposition, which can be used to quantify model diversity.
|
107,566 | 107,566 |
Using Machine Learning to Fuse Verbal Autopsy Narratives and Binary
Features in the Analysis of Deaths from Hyperglycaemia
|
Lower-and-middle income countries are faced with challenges arising from a
lack of data on cause of death (COD), which can limit decisions on population
health and disease management. A verbal autopsy(VA) can provide information
about a COD in areas without robust death registration systems. A VA consists
of structured data, combining numeric and binary features, and unstructured
data as part of an open-ended narrative text. This study assesses the
performance of various machine learning approaches when analyzing both the
structured and unstructured components of the VA report. The algorithms were
trained and tested via cross-validation in the three settings of binary
features, text features and a combination of binary and text features derived
from VA reports from rural South Africa. The results obtained indicate
narrative text features contain valuable information for determining COD and
that a combination of binary and text features improves the automated COD
classification task.
Keywords: Diabetes Mellitus, Verbal Autopsy, Cause of Death, Machine
Learning, Natural Language Processing
|
107,567 | 107,567 |
Cross Pairwise Ranking for Unbiased Item Recommendation
|
Most recommender systems optimize the model on observed interaction data,
which is affected by the previous exposure mechanism and exhibits many biases
like popularity bias. The loss functions, such as the mostly used pointwise
Binary Cross-Entropy and pairwise Bayesian Personalized Ranking, are not
designed to consider the biases in observed data. As a result, the model
optimized on the loss would inherit the data biases, or even worse, amplify the
biases. For example, a few popular items take up more and more exposure
opportunities, severely hurting the recommendation quality on niche items --
known as the notorious Mathew effect. In this work, we develop a new learning
paradigm named Cross Pairwise Ranking (CPR) that achieves unbiased
recommendation without knowing the exposure mechanism. Distinct from inverse
propensity scoring (IPS), we change the loss term of a sample -- we
innovatively sample multiple observed interactions once and form the loss as
the combination of their predictions. We prove in theory that this way offsets
the influence of user/item propensity on the learning, removing the influence
of data biases caused by the exposure mechanism. Advantageous to IPS, our
proposed CPR ensures unbiased learning for each training instance without the
need of setting the propensity scores. Experimental results demonstrate the
superiority of CPR over state-of-the-art debiasing solutions in both model
generalization and training efficiency. The codes are available at
https://github.com/Qcactus/CPR.
|
107,568 | 107,568 |
Stochastic Coherence Over Attention Trajectory For Continuous Learning
In Video Streams
|
Devising intelligent agents able to live in an environment and learn by
observing the surroundings is a longstanding goal of Artificial Intelligence.
From a bare Machine Learning perspective, challenges arise when the agent is
prevented from leveraging large fully-annotated dataset, but rather the
interactions with supervisory signals are sparsely distributed over space and
time. This paper proposes a novel neural-network-based approach to
progressively and autonomously develop pixel-wise representations in a video
stream. The proposed method is based on a human-like attention mechanism that
allows the agent to learn by observing what is moving in the attended
locations. Spatio-temporal stochastic coherence along the attention trajectory,
paired with a contrastive term, leads to an unsupervised learning criterion
that naturally copes with the considered setting. Differently from most
existing works, the learned representations are used in open-set
class-incremental classification of each frame pixel, relying on few
supervisions. Our experiments leverage 3D virtual environments and they show
that the proposed agents can learn to distinguish objects just by observing the
video stream. Inheriting features from state-of-the art models is not as
powerful as one might expect.
|
107,569 | 107,569 |
IRC-safe Graph Autoencoder for an unsupervised anomaly detection
|
Anomaly detection through employing machine learning techniques has emerged
as a novel powerful tool in the search for new physics beyond the Standard
Model. Historically similar to the development of jet observables, theoretical
consistency has not always assumed a central role in the fast development of
algorithms and neural network architectures. In this work, we construct an
infrared and collinear safe autoencoder based on graph neural networks by
employing energy-weighted message passing. We demonstrate that whilst this
approach has theoretically favourable properties, it also exhibits formidable
sensitivity to non-QCD structures.
|
107,570 | 107,570 |
Hybridised Loss Functions for Improved Neural Network Generalisation
|
Loss functions play an important role in the training of artificial neural
networks (ANNs), and can affect the generalisation ability of the ANN model,
among other properties. Specifically, it has been shown that the cross entropy
and sum squared error loss functions result in different training dynamics, and
exhibit different properties that are complementary to one another. It has
previously been suggested that a hybrid of the entropy and sum squared error
loss functions could combine the advantages of the two functions, while
limiting their disadvantages. The effectiveness of such hybrid loss functions
is investigated in this study. It is shown that hybridisation of the two loss
functions improves the generalisation ability of the ANNs on all problems
considered. The hybrid loss function that starts training with the sum squared
error loss function and later switches to the cross entropy error loss function
is shown to either perform the best on average, or to not be significantly
different than the best loss function tested for all problems considered. This
study shows that the minima discovered by the sum squared error loss function
can be further exploited by switching to cross entropy error loss function. It
can thus be concluded that hybridisation of the two loss functions could lead
to better performance in ANNs.
|
107,571 | 107,571 |
Science Checker: Extractive-Boolean Question Answering For Scientific
Fact Checking
|
With the explosive growth of scientific publications, making the synthesis of
scientific knowledge and fact checking becomes an increasingly complex task. In
this paper, we propose a multi-task approach for verifying the scientific
questions based on a joint reasoning from facts and evidence in research
articles. We propose an intelligent combination of (1) an automatic information
summarization and (2) a Boolean Question Answering which allows to generate an
answer to a scientific question from only extracts obtained after
summarization. Thus on a given topic, our proposed approach conducts structured
content modeling based on paper abstracts to answer a scientific question while
highlighting texts from paper that discuss the topic. We based our final system
on an end-to-end Extractive Question Answering (EQA) combined with a three
outputs classification model to perform in-depth semantic understanding of a
question to illustrate the aggregation of multiple responses. With our light
and fast proposed architecture, we achieved an average error rate of 4% and a
F1-score of 95.6%. Our results are supported via experiments with two QA models
(BERT, RoBERTa) over 3 Million Open Access (OA) articles in the medical and
health domains on Europe PMC.
|
107,572 | 107,572 |
Sentiment Analysis of Cybersecurity Content on Twitter and Reddit
|
Sentiment Analysis provides an opportunity to understand the subject(s),
especially in the digital age, due to an abundance of public data and effective
algorithms. Cybersecurity is a subject where opinions are plentiful and
differing in the public domain. This descriptive research analyzed
cybersecurity content on Twitter and Reddit to measure its sentiment, positive
or negative, or neutral. The data from Twitter and Reddit was amassed via
technology-specific APIs during a selected timeframe to create datasets, which
were then analyzed individually for their sentiment by VADER, an NLP (Natural
Language Processing) algorithm. A random sample of cybersecurity content (ten
tweets and posts) was also classified for sentiments by twenty human annotators
to evaluate the performance of VADER. Cybersecurity content on Twitter was at
least 48% positive, and Reddit was at least 26.5% positive. The positive or
neutral content far outweighed negative sentiments across both platforms. When
compared to human classification, which was considered the standard or source
of truth, VADER produced 60% accuracy for Twitter and 70% for Reddit in
assessing the sentiment; in other words, some agreement between algorithm and
human classifiers. Overall, the goal was to explore an uninhibited research
topic about cybersecurity sentiment
|
107,573 | 107,573 |
Graph Neural Networks for Microbial Genome Recovery
|
Microbes have a profound impact on our health and environment, but our
understanding of the diversity and function of microbial communities is
severely limited. Through DNA sequencing of microbial communities
(metagenomics), DNA fragments (reads) of the individual microbes can be
obtained, which through assembly graphs can be combined into long contiguous
DNA sequences (contigs). Given the complexity of microbial communities, single
contig microbial genomes are rarely obtained. Instead, contigs are eventually
clustered into bins, with each bin ideally making up a full genome. This
process is referred to as metagenomic binning.
Current state-of-the-art techniques for metagenomic binning rely only on the
local features for the individual contigs. These techniques therefore fail to
exploit the similarities between contigs as encoded by the assembly graph, in
which the contigs are organized. In this paper, we propose to use Graph Neural
Networks (GNNs) to leverage the assembly graph when learning contig
representations for metagenomic binning. Our method, VaeG-Bin, combines
variational autoencoders for learning latent representations of the individual
contigs, with GNNs for refining these representations by taking into account
the neighborhood structure of the contigs in the assembly graph. We explore
several types of GNNs and demonstrate that VaeG-Bin recovers more high-quality
genomes than other state-of-the-art binners on both simulated and real-world
datasets.
|
107,574 | 107,574 |
Low-dimensional representation of infant and adult vocalization
acoustics
|
During the first years of life, infant vocalizations change considerably, as
infants develop the vocalization skills that enable them to produce speech
sounds. Characterizations based on specific acoustic features, protophone
categories, or phonetic transcription are able to provide a representation of
the sounds infants make at different ages and in different contexts but do not
fully describe how sounds are perceived by listeners, can be inefficient to
obtain at large scales, and are difficult to visualize in two dimensions
without additional statistical processing. Machine-learning-based approaches
provide the opportunity to complement these characterizations with purely
data-driven representations of infant sounds. Here, we use spectral features
extraction and unsupervised machine learning, specifically Uniform Manifold
Approximation (UMAP), to obtain a novel 2-dimensional spatial representation of
infant and caregiver vocalizations extracted from day-long home recordings.
UMAP yields a continuous and well-distributed space conducive to certain
analyses of infant vocal development. For instance, we found that the
dispersion of infant vocalization acoustics within the 2-D space over a day
increased from 3 to 9 months, and then decreased from 9 to 18 months. The
method also permits analysis of similarity between infant and adult
vocalizations, which also shows changes with infant age.
|
107,575 | 107,575 |
Data-Efficient Backdoor Attacks
|
Recent studies have proven that deep neural networks are vulnerable to
backdoor attacks. Specifically, by mixing a small number of poisoned samples
into the training set, the behavior of the trained model can be maliciously
controlled. Existing attack methods construct such adversaries by randomly
selecting some clean data from the benign set and then embedding a trigger into
them. However, this selection strategy ignores the fact that each poisoned
sample contributes inequally to the backdoor injection, which reduces the
efficiency of poisoning. In this paper, we formulate improving the poisoned
data efficiency by the selection as an optimization problem and propose a
Filtering-and-Updating Strategy (FUS) to solve it. The experimental results on
CIFAR-10 and ImageNet-10 indicate that the proposed method is effective: the
same attack success rate can be achieved with only 47% to 75% of the poisoned
sample volume compared to the random selection strategy. More importantly, the
adversaries selected according to one setting can generalize well to other
settings, exhibiting strong transferability. The prototype code of our method
is now available at https://github.com/xpf/Data-Efficient-Backdoor-Attacks.
|
107,576 | 107,576 |
Federated Stochastic Primal-dual Learning with Differential Privacy
|
Federated learning (FL) is a new paradigm that enables many clients to
jointly train a machine learning (ML) model under the orchestration of a
parameter server while keeping the local data not being exposed to any third
party. However, the training of FL is an interactive process between local
clients and the parameter server. Such process would cause privacy leakage
since adversaries may retrieve sensitive information by analyzing the overheard
messages. In this paper, we propose a new federated stochastic primal-dual
algorithm with differential privacy (FedSPD-DP). Compared to the existing
methods, the proposed FedSPD-DP incorporates local stochastic gradient descent
(local SGD) and partial client participation (PCP) for addressing the issues of
communication efficiency and straggler effects due to randomly accessed
clients. Our analysis shows that the data sampling strategy and PCP can enhance
the data privacy whereas the larger number of local SGD steps could increase
privacy leakage, revealing a non-trivial tradeoff between algorithm
communication efficiency and privacy protection. Specifically, we show that, by
guaranteeing $(\epsilon, \delta)$-DP for each client per communication round,
the proposed algorithm guarantees $(\mathcal{O}(q\epsilon \sqrt{p T}),
\delta)$-DP after $T$ communication rounds while maintaining an
$\mathcal{O}(1/\sqrt{pTQ})$ convergence rate for a convex and non-smooth
learning problem, where $Q$ is the number of local SGD steps, $p$ is the client
sampling probability, $q=\max_{i} q_i/\sqrt{1-q_i}$ and $q_i$ is the data
sampling probability of each client under PCP. Experiment results are presented
to evaluate the practical performance of the proposed algorithm and comparison
with state-of-the-art methods.
|
107,577 | 107,577 |
Empowering Next POI Recommendation with Multi-Relational Modeling
|
With the wide adoption of mobile devices and web applications, location-based
social networks (LBSNs) offer large-scale individual-level location-related
activities and experiences. Next point-of-interest (POI) recommendation is one
of the most important tasks in LBSNs, aiming to make personalized
recommendations of next suitable locations to users by discovering preferences
from users' historical activities. Noticeably, LBSNs have offered unparalleled
access to abundant heterogeneous relational information about users and POIs
(including user-user social relations, such as families or colleagues; and
user-POI visiting relations). Such relational information holds great potential
to facilitate the next POI recommendation. However, most existing methods
either focus on merely the user-POI visits, or handle different relations based
on over-simplified assumptions while neglecting relational heterogeneities. To
fill these critical voids, we propose a novel framework, MEMO, which
effectively utilizes the heterogeneous relations with a multi-network
representation learning module, and explicitly incorporates the inter-temporal
user-POI mutual influence with the coupled recurrent neural networks. Extensive
experiments on real-world LBSN data validate the superiority of our framework
over the state-of-the-art next POI recommendation methods.
|
107,578 | 107,578 |
On Machine Learning-Driven Surrogates for Sound Transmission Loss
Simulations
|
Surrogate models are data-based approximations of computationally expensive
simulations that enable efficient exploration of the model's design space and
informed decision-making in many physical domains. The usage of surrogate
models in the vibroacoustic domain, however, is challenging due to the
non-smooth, complex behavior of wave phenomena. This paper investigates four
Machine Learning (ML) approaches in the modelling of surrogates of Sound
Transmission Loss (STL). Feature importance and feature engineering are used to
improve the models' accuracy while increasing their interpretability and
physical consistency. The transfer of the proposed techniques to other problems
in the vibroacoustic domain and possible limitations of the models are
discussed.
|
107,579 | 107,579 |
Monant Medical Misinformation Dataset: Mapping Articles to Fact-Checked
Claims
|
False information has a significant negative influence on individuals as well
as on the whole society. Especially in the current COVID-19 era, we witness an
unprecedented growth of medical misinformation. To help tackle this problem
with machine learning approaches, we are publishing a feature-rich dataset of
approx. 317k medical news articles/blogs and 3.5k fact-checked claims. It also
contains 573 manually and more than 51k automatically labelled mappings between
claims and articles. Mappings consist of claim presence, i.e., whether a claim
is contained in a given article, and article stance towards the claim. We
provide several baselines for these two tasks and evaluate them on the manually
labelled part of the dataset. The dataset enables a number of additional tasks
related to medical misinformation, such as misinformation characterisation
studies or studies of misinformation diffusion between sources.
|
107,580 | 107,580 |
Designing Perceptual Puzzles by Differentiating Probabilistic Programs
|
We design new visual illusions by finding "adversarial examples" for
principled models of human perception -- specifically, for probabilistic
models, which treat vision as Bayesian inference. To perform this search
efficiently, we design a differentiable probabilistic programming language,
whose API exposes MCMC inference as a first-class differentiable function. We
demonstrate our method by automatically creating illusions for three features
of human vision: color constancy, size constancy, and face perception.
|
107,581 | 107,581 |
From Limited Annotated Raw Material Data to Quality Production Data: A
Case Study in the Milk Industry (Technical Report)
|
Industry 4.0 offers opportunities to combine multiple sensor data sources
using IoT technologies for better utilization of raw material in production
lines. A common belief that data is readily available (the big data
phenomenon), is oftentimes challenged by the need to effectively acquire
quality data under severe constraints. In this paper we propose a design
methodology, using active learning to enhance learning capabilities, for
building a model of production outcome using a constrained amount of raw
material training data. The proposed methodology extends existing active
learning methods to effectively solve regression-based learning problems and
may serve settings where data acquisition requires excessive resources in the
physical world. We further suggest a set of qualitative measures to analyze
learners performance. The proposed methodology is demonstrated using an actual
application in the milk industry, where milk is gathered from multiple small
milk farms and brought to a dairy production plant to be processed into cottage
cheese.
|
107,582 | 107,582 |
Supervised Attention in Sequence-to-Sequence Models for Speech
Recognition
|
Attention mechanism in sequence-to-sequence models is designed to model the
alignments between acoustic features and output tokens in speech recognition.
However, attention weights produced by models trained end to end do not always
correspond well with actual alignments, and several studies have further argued
that attention weights might not even correspond well with the relevance
attribution of frames. Regardless, visual similarity between attention weights
and alignments is widely used during training as an indicator of the models
quality. In this paper, we treat the correspondence between attention weights
and alignments as a learning problem by imposing a supervised attention loss.
Experiments have shown significant improved performance, suggesting that
learning the alignments well during training critically determines the
performance of sequence-to-sequence models.
|
107,583 | 107,583 |
Information Retrieval in Friction Stir Welding of Aluminum Alloys by
using Natural Language Processing based Algorithms
|
Text summarization is a technique for condensing a big piece of text into a
few key elements that give a general impression of the content. When someone
requires a quick and precise summary of a large amount of information, it
becomes vital. If done manually, summarizing text can be costly and
time-consuming. Natural Language Processing (NLP) is the sub-division of
Artificial Intelligence that narrows down the gap between technology and human
cognition by extracting the relevant information from the pile of data. In the
present work, scientific information regarding the Friction Stir Welding of
Aluminum alloys was collected from the abstract of scholarly research papers.
For extracting the relevant information from these research abstracts four
Natural Language Processing based algorithms i.e. Latent Semantic Analysis
(LSA), Luhn Algorithm, Lex Rank Algorithm, and KL-Algorithm were used. In order
to evaluate the accuracy score of these algorithms, Recall-Oriented Understudy
for Gisting Evaluation (ROUGE) was used. The results showed that the Luhn
Algorithm resulted in the highest f1-Score of 0.413 in comparison to other
algorithms.
|
107,584 | 107,584 |
Explaining Adverse Actions in Credit Decisions Using Shapley
Decomposition
|
When a financial institution declines an application for credit, an adverse
action (AA) is said to occur. The applicant is then entitled to an explanation
for the negative decision. This paper focuses on credit decisions based on a
predictive model for probability of default and proposes a methodology for AA
explanation. The problem involves identifying the important predictors
responsible for the negative decision and is straightforward when the
underlying model is additive. However, it becomes non-trivial even for linear
models with interactions. We consider models with low-order interactions and
develop a simple and intuitive approach based on first principles. We then show
how the methodology generalizes to the well-known Shapely decomposition and the
recently proposed concept of Baseline Shapley (B-Shap). Unlike other Shapley
techniques in the literature for local interpretability of machine learning
results, B-Shap is computationally tractable since it involves just function
evaluations. An illustrative case study is used to demonstrate the usefulness
of the method. The paper also discusses situations with highly correlated
predictors and desirable properties of fitted models in the credit-lending
context, such as monotonicity and continuity.
|
107,585 | 107,585 |
Social learning spontaneously emerges by searching optimal heuristics
with deep reinforcement learning
|
How have individuals of social animals in nature evolved to learn from each
other, and what would be the optimal strategy for such learning in a specific
environment? Here, we address both problems by employing a deep reinforcement
learning model to optimize the social learning strategies (SLSs) of agents in a
cooperative game in a multi-dimensional landscape. Throughout the training for
maximizing the overall payoff, we find that the agent spontaneously learns
various concepts of social learning, such as copying, focusing on frequent and
well-performing neighbors, self-comparison, and the importance of balancing
between individual and social learning, without any explicit guidance or prior
knowledge about the system. The SLS from a fully trained agent outperforms all
of the traditional, baseline SLSs in terms of mean payoff. We demonstrate the
superior performance of the reinforcement learning agent in various
environments, including temporally changing environments and real social
networks, which also verifies the adaptability of our framework to different
social settings.
|
107,586 | 107,586 |
Performance Analysis of Out-of-Distribution Detection on Trained Neural
Networks
|
Several areas have been improved with Deep Learning during the past years.
Implementing Deep Neural Networks (DNN) for non-safety related applications
have shown remarkable achievements over the past years; however, for using DNNs
in safety critical applications, we are missing approaches for verifying the
robustness of such models. A common challenge for DNNs occurs when exposed to
out-of-distribution samples that are outside of the scope of a DNN, but which
result in high confidence outputs despite no prior knowledge of such input.
In this paper, we analyze three methods that separate between in- and
out-of-distribution data, called supervisors, on four well-known DNN
architectures. We find that the outlier detection performance improves with the
quality of the model. We also analyse the performance of the particular
supervisors during the training procedure by applying the supervisor at a
predefined interval to investigate its performance as the training proceeds. We
observe that understanding the relationship between training results and
supervisor performance is crucial to improve the model's robustness and to
indicate, what input samples require further measures to improve the robustness
of a DNN. In addition, our work paves the road towards an instrument for safety
argumentation for safety critical applications. This paper is an extended
version of our previous work presented at 2019 SEAA (cf. [1]); here, we
elaborate on the used metrics, add an additional supervisor and test them on
two additional datasets.
|
107,587 | 107,587 |
Multi-task Learning for Concurrent Prediction of Thermal Comfort,
Sensation, and Preference
|
Indoor thermal comfort immensely impacts the health and performance of
occupants. Therefore, researchers and engineers have proposed numerous
computational models to estimate thermal comfort (TC). Given the impetus toward
energy efficiency, the current focus is on data-driven TC prediction solutions
that leverage state-of-the-art machine learning (ML) algorithms. However, an
indoor occupant's perception of indoor thermal comfort (TC) is subjective and
multi-dimensional. Different aspects of TC are represented by various standard
metrics/scales viz., thermal sensation (TSV), thermal comfort (TCV), and
thermal preference (TPV). The current ML-based TC prediction solutions adopt
the Single-task Learning approach, i.e., one prediction model per metric.
Consequently, solutions often focus on only one TC metric. Moreover, when
several metrics are considered, multiple TC models for a single indoor space
lead to conflicting predictions, making real-world deployment infeasible. This
work addresses these problems. With the vision toward energy conservation and
real-world application, naturally ventilated primary school classrooms are
considered. First, month-long field experiments are conducted in 5 schools and
14 classrooms, including 512 unique student participants. Further,
"DeepComfort," a Multi-task Learning inspired deep-learning model is proposed.
DeepComfort predicts multiple TC output metrics viz., TSV, TPV, and TCV,
simultaneously, through a single model. It demonstrates high F1-scores,
Accuracy (>90%), and generalization capability when validated on the ASHRAE-II
database and the dataset created in this study. DeepComfort is also shown to
outperform 6 popular metric-specific single-task machine learning algorithms.
To the best of our knowledge, this work is the first application of Multi-task
Learning to thermal comfort prediction in classrooms.
|
107,588 | 107,588 |
Learning Meta Word Embeddings by Unsupervised Weighted Concatenation of
Source Embeddings
|
Given multiple source word embeddings learnt using diverse algorithms and
lexical resources, meta word embedding learning methods attempt to learn more
accurate and wide-coverage word embeddings.
Prior work on meta-embedding has repeatedly discovered that simple vector
concatenation of the source embeddings to be a competitive baseline.
However, it remains unclear as to why and when simple vector concatenation
can produce accurate meta-embeddings.
We show that weighted concatenation can be seen as a spectrum matching
operation between each source embedding and the meta-embedding, minimising the
pairwise inner-product loss.
Following this theoretical analysis, we propose two \emph{unsupervised}
methods to learn the optimal concatenation weights for creating meta-embeddings
from a given set of source embeddings.
Experimental results on multiple benchmark datasets show that the proposed
weighted concatenated meta-embedding methods outperform previously proposed
meta-embedding learning methods.
|
107,589 | 107,589 |
Quantum-classical convolutional neural networks in radiological image
classification
|
Quantum machine learning is receiving significant attention currently, but
its usefulness in comparison to classical machine learning techniques for
practical applications remains unclear. However, there are indications that
certain quantum machine learning algorithms might result in improved training
capabilities with respect to their classical counterparts -- which might be
particularly beneficial in situations with little training data available. Such
situations naturally arise in medical classification tasks. Within this paper,
different hybrid quantum-classical convolutional neural networks (QCCNN) with
varying quantum circuit designs and encoding techniques are proposed. They are
applied to two- and three-dimensional medical imaging data, e.g. featuring
different, potentially malign, lesions in computed tomography scans. The
performance of these QCCNNs is already similar to the one of their classical
counterparts -- therefore encouraging further studies towards the direction of
applying these algorithms within medical imaging tasks.
|
107,590 | 107,590 |
On Fragile Features and Batch Normalization in Adversarial Training
|
Modern deep learning architecture utilize batch normalization (BN) to
stabilize training and improve accuracy. It has been shown that the BN layers
alone are surprisingly expressive. In the context of robustness against
adversarial examples, however, BN is argued to increase vulnerability. That is,
BN helps to learn fragile features. Nevertheless, BN is still used in
adversarial training, which is the de-facto standard to learn robust features.
In order to shed light on the role of BN in adversarial training, we
investigate to what extent the expressiveness of BN can be used to robustify
fragile features in comparison to random features. On CIFAR10, we find that
adversarially fine-tuning just the BN layers can result in non-trivial
adversarial robustness. Adversarially training only the BN layers from scratch,
in contrast, is not able to convey meaningful adversarial robustness. Our
results indicate that fragile features can be used to learn models with
moderate adversarial robustness, while random features cannot
|
107,591 | 107,591 |
Streaming Algorithms for High-Dimensional Robust Statistics
|
We study high-dimensional robust statistics tasks in the streaming model. A
recent line of work obtained computationally efficient algorithms for a range
of high-dimensional robust estimation tasks. Unfortunately, all previous
algorithms require storing the entire dataset, incurring memory at least
quadratic in the dimension. In this work, we develop the first efficient
streaming algorithms for high-dimensional robust statistics with near-optimal
memory requirements (up to logarithmic factors). Our main result is for the
task of high-dimensional robust mean estimation in (a strengthening of) Huber's
contamination model. We give an efficient single-pass streaming algorithm for
this task with near-optimal error guarantees and space complexity nearly-linear
in the dimension. As a corollary, we obtain streaming algorithms with
near-optimal space complexity for several more complex tasks, including robust
covariance estimation, robust regression, and more generally robust stochastic
optimization.
|
107,592 | 107,592 |
Knowledge Transfer in Engineering Fleets: Hierarchical Bayesian
Modelling for Multi-Task Learning
|
We propose a population-level analysis to address issues of data sparsity
when building predictive models of engineering infrastructure. By sharing
information between similar assets, hierarchical Bayesian modelling is used to
improve the survival analysis of a truck fleet (hazard curves) and power
prediction in a wind farm (power curves). In each example, a set of correlated
functions are learnt over the asset fleet, in a combined inference, to learn a
population model. Parameter estimation is improved when sub-fleets of assets
are allowed to share correlated information at different levels in the
hierarchy. In turn, groups with incomplete data automatically borrow
statistical strength from those that are data-rich. The correlations can be
inspected to inform which assets share information for which effect (i.e.
parameter).
|
107,593 | 107,593 |
A survey on attention mechanisms for medical applications: are we moving
towards better algorithms?
|
The increasing popularity of attention mechanisms in deep learning algorithms
for computer vision and natural language processing made these models
attractive to other research domains. In healthcare, there is a strong need for
tools that may improve the routines of the clinicians and the patients.
Naturally, the use of attention-based algorithms for medical applications
occurred smoothly. However, being healthcare a domain that depends on
high-stake decisions, the scientific community must ponder if these
high-performing algorithms fit the needs of medical applications. With this
motto, this paper extensively reviews the use of attention mechanisms in
machine learning (including Transformers) for several medical applications.
This work distinguishes itself from its predecessors by proposing a critical
analysis of the claims and potentialities of attention mechanisms presented in
the literature through an experimental case study on medical image
classification with three different use cases. These experiments focus on the
integrating process of attention mechanisms into established deep learning
architectures, the analysis of their predictive power, and a visual assessment
of their saliency maps generated by post-hoc explanation methods. This paper
concludes with a critical analysis of the claims and potentialities presented
in the literature about attention mechanisms and proposes future research lines
in medical applications that may benefit from these frameworks.
|
107,594 | 107,594 |
Automatic Monitoring of Fruit Ripening Rooms by UHF RFID Sensor Network
and Machine Learning
|
Accelerated ripening through the exposure of fruits to controlled
environmental conditions and gases is nowadays one of the most assessed food
technologies, especially for climacteric and exotic products. However, a fine
granularity control of the process and consequently of the quality of the goods
is still missing, so the management of the ripening rooms is mainly based on
qualitative estimations only. Following the modern paradigms of Industry 4.0,
this contribution proposes a non-destructive RFID-based system for the
automatic evaluation of the live ripening of avocados. The system, coupled with
a properly trained automatic classification algorithm based on Support Vector
Machines (SVMs), can discriminate the stage of ripening with an accuracy
greater than 85%.
|
107,595 | 107,595 |
Bifrost: End-to-End Evaluation and Optimization of Reconfigurable DNN
Accelerators
|
Reconfigurable accelerators for deep neural networks (DNNs) promise to
improve performance such as inference latency. STONNE is the first
cycle-accurate simulator for reconfigurable DNN inference accelerators which
allows for the exploration of accelerator designs and configuration space.
However, preparing models for evaluation and exploring configuration space in
STONNE is a manual developer-timeconsuming process, which is a barrier for
research. This paper introduces Bifrost, an end-to-end framework for the
evaluation and optimization of reconfigurable DNN inference accelerators.
Bifrost operates as a frontend for STONNE and leverages the TVM deep learning
compiler stack to parse models and automate offloading of accelerated
computations. We discuss Bifrost's advantages over STONNE and other tools, and
evaluate the MAERI and SIGMA architectures using Bifrost. Additionally, Bifrost
introduces a module leveraging AutoTVM to efficiently explore accelerator
designs and dataflow mapping space to optimize performance. This is
demonstrated by tuning the MAERI architecture and generating efficient dataflow
mappings for AlexNet, obtaining an average speedup of $50\times$ for the
convolutional layers and $11\times$ for the fully connected layers. Our code is
available at www.github.com/gicLAB/bifrost.
|
107,596 | 107,596 |
Interpretable Battery Cycle Life Range Prediction Using Early
Degradation Data at Cell Level
|
Battery cycle life prediction using early degradation data has many potential
applications throughout the battery product life cycle. Various data-driven
methods have been proposed for point prediction of battery cycle life with
minimum knowledge of the battery degradation mechanisms. However, management of
batteries at end-of-life with lower economic and technical risk requires
prediction of cycle life with quantified uncertainty, which is still lacking.
The interpretability (i.e., the reason for high prediction accuracy) of these
advanced data-driven methods is also worthy of investigation. Here, a
physics-informed Quantile Regression Forest (QRF) model is introduced to make
cycle life range prediction with uncertainty quantified as the length of the
prediction interval, in addition to point predictions with high accuracy. The
hyperparameters of the QRF model are tuned with a proposed area-based
performance evaluation metric so that the coverage probabilities associated
with the prediction intervals are calibrated. The interpretability of the final
QRF model is explored with two global model-agnostic methods, namely
permutation importance, and partial dependence plot. The final QRF model
facilitates dual-criteria decision-making to select the high-cycle-life
charging protocol with consideration of both point predictions and uncertainty
associated with the prediction.
|
107,597 | 107,597 |
RadioPathomics: Multimodal Learning in Non-Small Cell Lung Cancer for
Adaptive Radiotherapy
|
The current cancer treatment practice collects multimodal data, such as
radiology images, histopathology slides, genomics and clinical data. The
importance of these data sources taken individually has fostered the recent
raise of radiomics and pathomics, i.e. the extraction of quantitative features
from radiology and histopathology images routinely collected to predict
clinical outcomes or to guide clinical decisions using artificial intelligence
algorithms. Nevertheless, how to combine them into a single multimodal
framework is still an open issue. In this work we therefore develop a
multimodal late fusion approach that combines hand-crafted features computed
from radiomics, pathomics and clinical data to predict radiation therapy
treatment outcomes for non-small-cell lung cancer patients. Within this
context, we investigate eight different late fusion rules (i.e. product,
maximum, minimum, mean, decision template, Dempster-Shafer, majority voting,
and confidence rule) and two patient-wise aggregation rules leveraging the
richness of information given by computer tomography images and whole-slide
scans. The experiments in leave-one-patient-out cross-validation on an in-house
cohort of 33 patients show that the proposed multimodal paradigm with an AUC
equal to $90.9\%$ outperforms each unimodal approach, suggesting that data
integration can advance precision medicine. As a further contribution, we also
compare the hand-crafted representations with features automatically computed
by deep networks, and the late fusion paradigm with early fusion, another
popular multimodal approach. In both cases, the experiments show that the
proposed multimodal approach provides the best results.
|
107,598 | 107,598 |
Time-triggered Federated Learning over Wireless Networks
|
The newly emerging federated learning (FL) framework offers a new way to
train machine learning models in a privacy-preserving manner. However,
traditional FL algorithms are based on an event-triggered aggregation, which
suffers from stragglers and communication overhead issues. To address these
issues, in this paper, we present a time-triggered FL algorithm (TT-Fed) over
wireless networks, which is a generalized form of classic synchronous and
asynchronous FL. Taking the constrained resource and unreliable nature of
wireless communication into account, we jointly study the user selection and
bandwidth optimization problem to minimize the FL training loss. To solve this
joint optimization problem, we provide a thorough convergence analysis for
TT-Fed. Based on the obtained analytical convergence upper bound, the
optimization problem is decomposed into tractable sub-problems with respect to
each global aggregation round, and finally solved by our proposed online search
algorithm. Simulation results show that compared to asynchronous FL (FedAsync)
and FL with asynchronous user tiers (FedAT) benchmarks, our proposed TT-Fed
algorithm improves the converged test accuracy by up to 12.5% and 5%,
respectively, under highly imbalanced and non-IID data, while substantially
reducing the communication overhead.
|
107,599 | 107,599 |
Federated Progressive Sparsification (Purge, Merge, Tune)+
|
To improve federated training of neural networks, we develop FedSparsify, a
sparsification strategy based on progressive weight magnitude pruning. Our
method has several benefits. First, since the size of the network becomes
increasingly smaller, computation and communication costs during training are
reduced. Second, the models are incrementally constrained to a smaller set of
parameters, which facilitates alignment/merging of the local models and
improved learning performance at high sparsification rates. Third, the final
sparsified model is significantly smaller, which improves inference efficiency
and optimizes operations latency during encrypted communication. We show
experimentally that FedSparsify learns a subnetwork of both high sparsity and
learning performance. Our sparse models can reach a tenth of the size of the
original model with the same or better accuracy compared to existing pruning
and nonpruning baselines.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.