Unnamed: 0.1
int64 0
113k
| Unnamed: 0
float64 0
113k
⌀ | title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|---|---|
108,300 | 108,300 |
Federated Learning with Noisy User Feedback
|
Machine Learning (ML) systems are getting increasingly popular, and drive
more and more applications and services in our daily life. This has led to
growing concerns over user privacy, since human interaction data typically
needs to be transmitted to the cloud in order to train and improve such
systems. Federated learning (FL) has recently emerged as a method for training
ML models on edge devices using sensitive user data and is seen as a way to
mitigate concerns over data privacy. However, since ML models are most commonly
trained with label supervision, we need a way to extract labels on edge to make
FL viable. In this work, we propose a strategy for training FL models using
positive and negative user feedback. We also design a novel framework to study
different noise patterns in user feedback, and explore how well standard
noise-robust objectives can help mitigate this noise when training models in a
federated setting. We evaluate our proposed training setup through detailed
experiments on two text classification datasets and analyze the effects of
varying levels of user reliability and feedback noise on model performance. We
show that our method improves substantially over a self-training baseline,
achieving performance closer to models trained with full supervision.
|
108,301 | 108,301 |
Crop Type Identification for Smallholding Farms: Analyzing Spatial,
Temporal and Spectral Resolutions in Satellite Imagery
|
The integration of the modern Machine Learning (ML) models into remote
sensing and agriculture has expanded the scope of the application of satellite
images in the agriculture domain. In this paper, we present how the accuracy of
crop type identification improves as we move from
medium-spatiotemporal-resolution (MSTR) to high-spatiotemporal-resolution
(HSTR) satellite images. We further demonstrate that high spectral resolution
in satellite imagery can improve prediction performance for low spatial and
temporal resolutions (LSTR) images. The F1-score is increased by 7% when using
multispectral data of MSTR images as compared to the best results obtained from
HSTR images. Similarly, when crop season based time series of multispectral
data is used we observe an increase of 1.2% in the F1-score. The outcome
motivates further advancements in the field of synthetic band generation.
|
108,302 | 108,302 |
LPGNet: Link Private Graph Networks for Node Classification
|
Classification tasks on labeled graph-structured data have many important
applications ranging from social recommendation to financial modeling. Deep
neural networks are increasingly being used for node classification on graphs,
wherein nodes with similar features have to be given the same label. Graph
convolutional networks (GCNs) are one such widely studied neural network
architecture that perform well on this task. However, powerful link-stealing
attacks on GCNs have recently shown that even with black-box access to the
trained model, inferring which links (or edges) are present in the training
graph is practical. In this paper, we present a new neural network architecture
called LPGNet for training on graphs with privacy-sensitive edges. LPGNet
provides differential privacy (DP) guarantees for edges using a novel design
for how graph edge structure is used during training. We empirically show that
LPGNet models often lie in the sweet spot between providing privacy and
utility: They can offer better utility than "trivially" private architectures
which use no edge information (e.g., vanilla MLPs) and better resilience
against existing link-stealing attacks than vanilla GCNs which use the full
edge structure. LPGNet also offers consistently better privacy-utility
tradeoffs than DPGCN, which is the state-of-the-art mechanism for retrofitting
differential privacy into conventional GCNs, in most of our evaluated datasets.
|
108,303 | 108,303 |
Controlled Dropout for Uncertainty Estimation
|
Uncertainty quantification in a neural network is one of the most discussed
topics for safety-critical applications. Though Neural Networks (NNs) have
achieved state-of-the-art performance for many applications, they still provide
unreliable point predictions, which lack information about uncertainty
estimates. Among various methods to enable neural networks to estimate
uncertainty, Monte Carlo (MC) dropout has gained much popularity in a short
period due to its simplicity. In this study, we present a new version of the
traditional dropout layer where we are able to fix the number of dropout
configurations. As such, each layer can take and apply the new dropout layer in
the MC method to quantify the uncertainty associated with NN predictions. We
conduct experiments on both toy and realistic datasets and compare the results
with the MC method using the traditional dropout layer. Performance analysis
utilizing uncertainty evaluation metrics corroborates that our dropout layer
offers better performance in most cases.
|
108,304 | 108,304 |
Emp-RFT: Empathetic Response Generation via Recognizing Feature
Transitions between Utterances
|
Each utterance in multi-turn empathetic dialogues has features such as
emotion, keywords, and utterance-level meaning. Feature transitions between
utterances occur naturally. However, existing approaches fail to perceive the
transitions because they extract features for the context at the coarse-grained
level. To solve the above issue, we propose a novel approach of recognizing
feature transitions between utterances, which helps understand the dialogue
flow and better grasp the features of utterance that needs attention. Also, we
introduce a response generation strategy to help focus on emotion and keywords
related to appropriate features when generating responses. Experimental results
show that our approach outperforms baselines and especially, achieves
significant improvements on multi-turn dialogues.
|
108,305 | 108,305 |
Longitudinal cardio-respiratory fitness prediction through free-living
wearable sensors
|
Cardiorespiratory fitness is an established predictor of metabolic disease
and mortality. Fitness is directly measured as maximal oxygen consumption
(VO2max), or indirectly assessed using heart rate response to a standard
exercise test. However, such testing is costly and burdensome, limiting its
utility and scalability. Fitness can also be approximated using resting heart
rate and self-reported exercise habits but with lower accuracy. Modern
wearables capture dynamic heart rate data which, in combination with machine
learning models, could improve fitness prediction.
In this work, we analyze movement and heart rate signals from wearable
sensors in free-living conditions from 11,059 participants who also underwent a
standard exercise test, along with a longitudinal repeat cohort of 2,675
participants. We design algorithms and models that convert raw sensor data into
cardio-respiratory fitness estimates, and validate these estimates' ability to
capture fitness profiles in a longitudinal cohort over time while subjects
engaged in real-world (non-exercise) behaviour. Additionally, we validate our
methods with a third external cohort of 181 participants who underwent maximal
VO2max testing, which is considered the gold standard measurement because it
requires reaching one's maximum heart rate and exhaustion level.
Our results show that the developed models yield a high correlation (r =
0.82, 95CI 0.80-0.83), when compared to the ground truth in a holdout sample.
These models outperform conventional non-exercise fitness models and
traditional bio-markers using measurements of normal daily living without the
need for a specific exercise test. Additionally, we show the adaptability and
applicability of this approach for detecting fitness change over time in the
longitudinal subsample that repeated measurements after 7 years.
|
108,306 | 108,306 |
SKILL-IL: Disentangling Skill and Knowledge in Multitask Imitation
Learning
|
In this work, we introduce a new perspective for learning transferable
content in multi-task imitation learning. Humans are able to transfer skills
and knowledge. If we can cycle to work and drive to the store, we can also
cycle to the store and drive to work. We take inspiration from this and
hypothesize the latent memory of a policy network can be disentangled into two
partitions. These contain either the knowledge of the environmental context for
the task or the generalizable skill needed to solve the task. This allows
improved training efficiency and better generalization over previously unseen
combinations of skills in the same environment, and the same task in unseen
environments.
We used the proposed approach to train a disentangled agent for two different
multi-task IL environments. In both cases we out-performed the SOTA by 30% in
task success rate. We also demonstrated this for navigation on a real robot.
|
108,307 | 108,307 |
Fast Rate Generalization Error Bounds: Variations on a Theme
|
A recent line of works, initiated by Russo and Xu, has shown that the
generalization error of a learning algorithm can be upper bounded by
information measures. In most of the relevant works, the convergence rate of
the expected generalization error is in the form of O(sqrt{lambda/n}) where
lambda is some information-theoretic quantities such as the mutual information
between the data sample and the learned hypothesis. However, such a learning
rate is typically considered to be "slow", compared to a "fast rate" of O(1/n)
in many learning scenarios. In this work, we first show that the square root
does not necessarily imply a slow rate, and a fast rate (O(1/n)) result can
still be obtained using this bound under appropriate assumptions. Furthermore,
we identify the key conditions needed for the fast rate generalization error,
which we call the (eta,c)-central condition. Under this condition, we give
information-theoretic bounds on the generalization error and excess risk, with
a convergence rate of O(\lambda/{n}) for specific learning algorithms such as
empirical risk minimization. Finally, analytical examples are given to show the
effectiveness of the bounds.
|
108,308 | 108,308 |
How to Minimize the Weighted Sum AoI in Multi-Source Status Update
Systems: OMA or NOMA?
|
In this paper, the minimization of the weighted sum average age of
information (AoI) in a multi-source status update communication system is
studied. Multiple independent sources send update packets to a common
destination node in a time-slotted manner under the limit of maximum
retransmission rounds. Different multiple access schemes, i.e., orthogonal
multiple access (OMA) and non-orthogonal multiple access (NOMA) are exploited
here over a block-fading multiple access channel (MAC). Constrained Markov
decision process (CMDP) problems are formulated to describe the AoI
minimization problems considering both transmission schemes. The Lagrangian
method is utilised to convert CMDP problems to unconstraint Markov decision
process (MDP) problems and corresponding algorithms to derive the power
allocation policies are obtained. On the other hand, for the case of unknown
environments, two online reinforcement learning approaches considering both
multiple access schemes are proposed to achieve near-optimal age performance.
Numerical simulations validate the improvement of the proposed policy in terms
of weighted sum AoI compared to the fixed power transmission policy, and
illustrate that NOMA is more favorable in case of larger packet size.
|
108,309 | 108,309 |
Investigating and Explaining the Frequency Bias in Image Classification
|
CNNs exhibit many behaviors different from humans, one of which is the
capability of employing high-frequency components. This paper discusses the
frequency bias phenomenon in image classification tasks: the high-frequency
components are actually much less exploited than the low- and mid-frequency
components. We first investigate the frequency bias phenomenon by presenting
two observations on feature discrimination and learning priority. Furthermore,
we hypothesize that (i) the spectral density, (ii) class consistency directly
affect the frequency bias. Specifically, our investigations verify that the
spectral density of datasets mainly affects the learning priority, while the
class consistency mainly affects the feature discrimination.
|
108,310 | 108,310 |
Geodesics, Non-linearities and the Archive of Novelty Search
|
The Novelty Search (NS) algorithm was proposed more than a decade ago.
However, the mechanisms behind its empirical success are still not well
formalized/understood. This short note focuses on the effects of the archive on
exploration. Experimental evidence from a few application domains suggests that
archive-based NS performs in general better than when Novelty is solely
computed with respect to the population. An argument that is often encountered
in the literature is that the archive prevents exploration from backtracking or
cycling, i.e. from revisiting previously encountered areas in the behavior
space. We argue that this is not a complete or accurate explanation as
backtracking - beside often being desirable - can actually be enabled by the
archive. Through low-dimensional/analytical examples, we show that a key effect
of the archive is that it counterbalances the exploration biases that result,
among other factors, from the use of inadequate behavior metrics and the
non-linearities of the behavior mapping. Our observations seem to hint that
attributing a more active role to the archive in sampling can be beneficial.
|
108,311 | 108,311 |
Defending against Reconstruction Attacks through Differentially Private
Federated Learning for Classification of Heterogeneous Chest X-Ray Data
|
Privacy regulations and the physical distribution of heterogeneous data are
often primary concerns for the development of deep learning models in a medical
context. This paper evaluates the feasibility of differentially private
federated learning for chest X-ray classification as a defense against data
privacy attacks. To the best of our knowledge, we are the first to directly
compare the impact of differentially private training on two different neural
network architectures, DenseNet121 and ResNet50. Extending the federated
learning environments previously analyzed in terms of privacy, we simulated a
heterogeneous and imbalanced federated setting by distributing images from the
public CheXpert and Mendeley chest X-ray datasets unevenly among 36 clients.
Both non-private baseline models achieved an area under the receiver operating
characteristic curve (AUC) of $0.94$ on the binary classification task of
detecting the presence of a medical finding. We demonstrate that both model
architectures are vulnerable to privacy violation by applying image
reconstruction attacks to local model updates from individual clients. The
attack was particularly successful during later training stages. To mitigate
the risk of privacy breach, we integrated R\'enyi differential privacy with a
Gaussian noise mechanism into local model training. We evaluate model
performance and attack vulnerability for privacy budgets $\epsilon \in$ {1, 3,
6, 10}. The DenseNet121 achieved the best utility-privacy trade-off with an AUC
of $0.94$ for $\epsilon$ = 6. Model performance deteriorated slightly for
individual clients compared to the non-private baseline. The ResNet50 only
reached an AUC of $0.76$ in the same privacy setting. Its performance was
inferior to that of the DenseNet121 for all considered privacy constraints,
suggesting that the DenseNet121 architecture is more robust to differentially
private training.
|
108,312 | 108,312 |
The NT-Xent loss upper bound
|
Self-supervised learning is a growing paradigm in deep representation
learning, showing great generalization capabilities and competitive performance
in low-labeled data regimes. The SimCLR framework proposes the NT-Xent loss for
contrastive representation learning. The objective of the loss function is to
maximize agreement, similarity, between sampled positive pairs. This short
paper derives and proposes an upper bound for the loss and average similarity.
An analysis of the implications is however not provided, but we strongly
encourage anyone in the field to conduct this.
|
108,313 | 108,313 |
Green Accelerated Hoeffding Tree
|
State-of-the-art machine learning solutions mainly focus on creating highly
accurate models without constraints on hardware resources. Stream mining
algorithms are designed to run on resource-constrained devices, thus a focus on
low power and energy and memory-efficient is essential. The Hoeffding tree
algorithm is able to create energy-efficient models, but at the cost of less
accurate trees in comparison to their ensembles counterpart. Ensembles of
Hoeffding trees, on the other hand, create a highly accurate forest of trees
but consume five times more energy on average. An extension that tried to
obtain similar results to ensembles of Hoeffding trees was the Extremely Fast
Decision Tree (EFDT). This paper presents the Green Accelerated Hoeffding Tree
(GAHT) algorithm, an extension of the EFDT algorithm with a lower energy and
memory footprint and the same (or higher for some datasets) accuracy levels.
GAHT grows the tree setting individual splitting criteria for each node, based
on the distribution of the number of instances over each particular leaf. The
results show that GAHT is able to achieve the same competitive accuracy results
compared to EFDT and ensembles of Hoeffding trees while reducing the energy
consumption up to 70%.
|
108,314 | 108,314 |
On boundary conditions parametrized by analytic functions
|
Computer algebra can answer various questions about partial differential
equations using symbolic algorithms. However, the inclusion of data into
equations is rare in computer algebra. Therefore, recently, computer algebra
models have been combined with Gaussian processes, a regression model in
machine learning, to describe the behavior of certain differential equations
under data. While it was possible to describe polynomial boundary conditions in
this context, we extend these models to analytic boundary conditions.
Additionally, we describe the necessary algorithms for Gr\"obner and Janet
bases of Weyl algebras with certain analytic coefficients. Using these
algorithms, we provide examples of divergence-free flow in domains bounded by
analytic functions and adapted to observations.
|
108,315 | 108,315 |
Imperceptible Backdoor Attack: From Input Space to Feature
Representation
|
Backdoor attacks are rapidly emerging threats to deep neural networks (DNNs).
In the backdoor attack scenario, attackers usually implant the backdoor into
the target model by manipulating the training dataset or training process.
Then, the compromised model behaves normally for benign input yet makes
mistakes when the pre-defined trigger appears. In this paper, we analyze the
drawbacks of existing attack approaches and propose a novel imperceptible
backdoor attack. We treat the trigger pattern as a special kind of noise
following a multinomial distribution. A U-net-based network is employed to
generate concrete parameters of multinomial distribution for each benign input.
This elaborated trigger ensures that our approach is invisible to both humans
and statistical detection. Besides the design of the trigger, we also consider
the robustness of our approach against model diagnose-based defences. We force
the feature representation of malicious input stamped with the trigger to be
entangled with the benign one. We demonstrate the effectiveness and robustness
against multiple state-of-the-art defences through extensive datasets and
networks. Our trigger only modifies less than 1\% pixels of a benign image
while the modification magnitude is 1. Our source code is available at
https://github.com/Ekko-zn/IJCAI2022-Backdoor.
|
108,316 | 108,316 |
Scalable computation of prediction intervals for neural networks via
matrix sketching
|
Accounting for the uncertainty in the predictions of modern neural networks
is a challenging and important task in many domains. Existing algorithms for
uncertainty estimation require modifying the model architecture and training
procedure (e.g., Bayesian neural networks) or dramatically increase the
computational cost of predictions such as approaches based on ensembling. This
work proposes a new algorithm that can be applied to a given trained neural
network and produces approximate prediction intervals. The method is based on
the classical delta method in statistics but achieves computational efficiency
by using matrix sketching to approximate the Jacobian matrix. The resulting
algorithm is competitive with state-of-the-art approaches for constructing
predictive intervals on various regression datasets from the UCI repository.
|
108,317 | 108,317 |
Symphony: Learning Realistic and Diverse Agents for Autonomous Driving
Simulation
|
Simulation is a crucial tool for accelerating the development of autonomous
vehicles. Making simulation realistic requires models of the human road users
who interact with such cars. Such models can be obtained by applying learning
from demonstration (LfD) to trajectories observed by cars already on the road.
However, existing LfD methods are typically insufficient, yielding policies
that frequently collide or drive off the road. To address this problem, we
propose Symphony, which greatly improves realism by combining conventional
policies with a parallel beam search. The beam search refines these policies on
the fly by pruning branches that are unfavourably evaluated by a discriminator.
However, it can also harm diversity, i.e., how well the agents cover the entire
distribution of realistic behaviour, as pruning can encourage mode collapse.
Symphony addresses this issue with a hierarchical approach, factoring agent
behaviour into goal generation and goal conditioning. The use of such goals
ensures that agent diversity neither disappears during adversarial training nor
is pruned away by the beam search. Experiments on both proprietary and open
Waymo datasets confirm that Symphony agents learn more realistic and diverse
behaviour than several baselines.
|
108,318 | 108,318 |
Federated Channel Learning for Intelligent Reflecting Surfaces With
Fewer Pilot Signals
|
Channel estimation is a critical task in intelligent reflecting surface
(IRS)-assisted wireless systems due to the uncertainties imposed by environment
dynamics and rapid changes in the IRS configuration. To deal with these
uncertainties, deep learning (DL) approaches have been proposed. Previous works
consider centralized learning (CL) approach for model training, which entails
the collection of the whole training dataset from the users at the base station
(BS), hence introducing huge transmission overhead for data collection. To
address this challenge, this paper proposes a federated learning (FL) framework
to jointly estimate both direct and cascaded channels in IRS-assisted wireless
systems. We design a single convolutional neural network trained on the local
datasets of the users without sending them to the BS. We show that the proposed
FL-based channel estimation approach requires approximately 60% fewer pilot
signals and it exhibits 12 times lower transmission overhead than CL, while
maintaining satisfactory performance close to CL. In addition, it provides
lower estimation error than the state-of-the-art DL-based schemes.
|
108,319 | 108,319 |
Perseus: A Simple High-Order Regularization Method for Variational
Inequalities
|
This paper settles an open and challenging question pertaining to the design
of simple high-order regularization methods for solving smooth and monotone
variational inequalities (VIs). A VI involves finding $x^\star \in \mathcal{X}$
such that $\langle F(x), x - x^\star\rangle \geq 0$ for all $x \in \mathcal{X}$
and we consider the setting where $F: \mathbb{R}^d \mapsto \mathbb{R}^d$ is
smooth with up to $(p-1)^{th}$-order derivatives. For the case of $p =
2$,~\citet{Nesterov-2006-Constrained} extended the cubic regularized Newton's
method to VIs with a global rate of $O(\epsilon^{-1})$.
\citet{Monteiro-2012-Iteration} proposed another second-order method which
achieved an improved rate of $O(\epsilon^{-2/3}\log(1/\epsilon))$, but this
method required a nontrivial binary search procedure as an inner loop.
High-order methods based on similar binary search procedures have been further
developed and shown to achieve a rate of
$O(\epsilon^{-2/(p+1)}\log(1/\epsilon))$. However, such search procedure can be
computationally prohibitive in practice and the problem of finding a simple
high-order regularization methods remains as an open and challenging question
in optimization theory. We propose a $p^{th}$-order method which does
\textit{not} require any binary search scheme and is guaranteed to converge to
a weak solution with a global rate of $O(\epsilon^{-2/(p+1)})$. A version with
restarting attains a global linear and local superlinear convergence rate for
smooth and strongly monotone VIs. Further, our method achieves a global rate of
$O(\epsilon^{-2/p})$ for solving smooth and non-monotone VIs satisfying the
Minty condition; moreover, the restarted version again attains a global linear
and local superlinear convergence rate if the strong Minty condition holds.
|
108,320 | 108,320 |
Towards QD-suite: developing a set of benchmarks for Quality-Diversity
algorithms
|
While the field of Quality-Diversity (QD) has grown into a distinct branch of
stochastic optimization, a few problems, in particular locomotion and
navigation tasks, have become de facto standards. Are such benchmarks
sufficient? Are they representative of the key challenges faced by QD
algorithms? Do they provide the ability to focus on one particular challenge by
properly disentangling it from others? Do they have much predictive power in
terms of scalability and generalization? Existing benchmarks are not
standardized, and there is currently no MNIST equivalent for QD. Inspired by
recent works on Reinforcement Learning benchmarks, we argue that the
identification of challenges faced by QD methods and the development of
targeted, challenging, scalable but affordable benchmarks is an important step.
As an initial effort, we identify three problems that are challenging in sparse
reward settings, and propose associated benchmarks: (1) Behavior metric bias,
which can result from the use of metrics that do not match the structure of the
behavior space. (2) Behavioral Plateaus, with varying characteristics, such
that escaping them would require adaptive QD algorithms and (3) Evolvability
Traps, where small variations in genotype result in large behavioral changes.
The environments that we propose satisfy the properties listed above.
|
108,321 | 108,321 |
HumanAL: Calibrating Human Matching Beyond a Single Task
|
This work offers a novel view on the use of human input as labels,
acknowledging that humans may err. We build a behavioral profile for human
annotators which is used as a feature representation of the provided input. We
show that by utilizing black-box machine learning, we can take into account
human behavior and calibrate their input to improve the labeling quality. To
support our claims and provide a proof-of-concept, we experiment with three
different matching tasks, namely, schema matching, entity matching and text
matching. Our empirical evaluation suggests that the method can improve the
quality of gathered labels in multiple settings including cross-domain (across
different matching tasks).
|
108,322 | 108,322 |
Atlas-powered deep learning (ADL) -- application to diffusion weighted
MRI
|
Deep learning has a great potential for estimating biomarkers in diffusion
weighted magnetic resonance imaging (dMRI). Atlases, on the other hand, are a
unique tool for modeling the spatio-temporal variability of biomarkers. In this
paper, we propose the first framework to exploit both deep learning and atlases
for biomarker estimation in dMRI. Our framework relies on non-linear diffusion
tensor registration to compute biomarker atlases and to estimate atlas
reliability maps. We also use nonlinear tensor registration to align the atlas
to a subject and to estimate the error of this alignment. We use the biomarker
atlas, atlas reliability map, and alignment error map, in addition to the dMRI
signal, as inputs to a deep learning model for biomarker estimation. We use our
framework to estimate fractional anisotropy and neurite orientation dispersion
from down-sampled dMRI data on a test cohort of 70 newborn subjects. Results
show that our method significantly outperforms standard estimation methods as
well as recent deep learning techniques. Our method is also more robust to
stronger measurement down-sampling factors. Our study shows that the advantages
of deep learning and atlases can be synergistically combined to achieve
unprecedented accuracy in biomarker estimation from dMRI data.
|
108,323 | 108,323 |
Disentangled and Side-aware Unsupervised Domain Adaptation for
Cross-dataset Subjective Tinnitus Diagnosis
|
EEG-based tinnitus classification is a valuable tool for tinnitus diagnosis,
research, and treatments. Most current works are limited to a single dataset
where data patterns are similar. But EEG signals are highly non-stationary,
resulting in model's poor generalization to new users, sessions or datasets.
Thus, designing a model that can generalize to new datasets is beneficial and
indispensable. To mitigate distribution discrepancy across datasets, we propose
to achieve Disentangled and Side-aware Unsupervised Domain Adaptation (DSUDA)
for cross-dataset tinnitus diagnosis. A disentangled auto-encoder is developed
to decouple class-irrelevant information from the EEG signals to improve the
classifying ability. The side-aware unsupervised domain adaptation module
adapts the class-irrelevant information as domain variance to a new dataset and
excludes the variance to obtain the class-distill features for the new dataset
classification. It also align signals of left and right ears to overcome
inherent EEG pattern difference. We compare DSUDA with state-of-the-art
methods, and our model achieves significant improvements over competitors
regarding comprehensive evaluation criteria. The results demonstrate our model
can successfully generalize to a new dataset and effectively diagnose tinnitus.
|
108,324 | 108,324 |
Side-aware Meta-Learning for Cross-Dataset Listener Diagnosis with
Subjective Tinnitus
|
With the development of digital technology, machine learning has paved the
way for the next generation of tinnitus diagnoses. Although machine learning
has been widely applied in EEG-based tinnitus analysis, most current models are
dataset-specific. Each dataset may be limited to a specific range of symptoms,
overall disease severity, and demographic attributes; further, dataset formats
may differ, impacting model performance. This paper proposes a side-aware
meta-learning for cross-dataset tinnitus diagnosis, which can effectively
classify tinnitus in subjects of divergent ages and genders from different data
collection processes. Owing to the superiority of meta-learning, our method
does not rely on large-scale datasets like conventional deep learning models.
Moreover, we design a subject-specific training process to assist the model in
fitting the data pattern of different patients or healthy people. Our method
achieves a high accuracy of 73.8\% in the cross-dataset classification. We
conduct an extensive analysis to show the effectiveness of side information of
ears in enhancing model performance and side-aware meta-learning in improving
the quality of the learned features.
|
108,325 | 108,325 |
Real Time On Sensor Gait Phase Detection with 0.5KB Deep Learning Model
|
Gait phase detection with convolution neural network provides accurate
classification but demands high computational cost, which inhibits real time
low power on-sensor processing. This paper presents a segmentation based gait
phase detection with a width and depth downscaled U-Net like model that only
needs 0.5KB model size and 67K operations per second with 95.9% accuracy to be
easily fitted into resource limited on sensor microcontroller.
|
108,326 | 108,326 |
A CNN Approach for 5G mmWave Positioning Using Beamformed CSI
Measurements
|
The advent of Artificial Intelligence (AI) has impacted all aspects of human
life. One of the concrete examples of AI impact is visible in radio
positioning. In this article, for the first time we utilize the power of AI by
training a Convolutional Neural Network (CNN) using 5G New Radio (NR)
fingerprints consisting of beamformed Channel State Information (CSI). By
observing CSI, it is possible to characterize the multipath channel between the
transmitter and the receiver, and thus provide a good source of spatiotemporal
data to find the position of a User Equipment (UE). We collect
ray-tracing-based 5G NR CSI from an urban area. The CSI data of the signals
from one Base Station (BS) is collected at the reference points with known
positions to train a CNN. We evaluate our work by testing: a) the robustness of
the trained network for estimating the positions for the new measurements on
the same reference points and b) the accuracy of the CNN-based position
estimation while the UE is on points other than the reference points. The
results prove that our trained network for a specific urban environment can
estimate the UE position with a minimum mean error of 0.98 m.
|
108,327 | 108,327 |
Ultra-sensitive Flexible Sponge-Sensor Array for Muscle Activities
Detection and Human Limb Motion Recognition
|
Human limb motion tracking and recognition plays an important role in medical
rehabilitation training, lower limb assistance, prosthetics design for
amputees, feedback control for assistive robots, etc. Lightweight wearable
sensors, including inertial sensors, surface electromyography sensors, and
flexible strain/pressure, are promising to become the next-generation human
motion capture devices. Herein, we present a wireless wearable device
consisting of a sixteen-channel flexible sponge-based pressure sensor array to
recognize various human lower limb motions by detecting contours on the human
skin caused by calf gastrocnemius muscle actions. Each sensing element is a
round porous structure of thin carbon nanotube/polydimethylsiloxane
nanocomposites with a diameter of 4 mm and thickness of about 400 {\mu}m. Three
human subjects were recruited to perform ten different lower limb motions while
wearing the developed device. The motion classification result with the support
vector machine method shows a macro-recall of about 94.48% for all ten motions
tested. This work demonstrates a portable wearable muscle activity detection
device with a lower limb motion recognition application, which can be
potentially used in assistive robot control, healthcare, sports monitoring,
etc.
|
108,328 | 108,328 |
Multichannel Synthetic Preictal EEG Signals to Enhance the Prediction of
Epileptic Seizures
|
Epilepsy is a chronic neurological disorder affecting 1\% of people
worldwide, deep learning (DL) algorithms-based electroencephalograph (EEG)
analysis provides the possibility for accurate epileptic seizure (ES)
prediction, thereby benefiting patients suffering from epilepsy. To identify
the preictal region that precedes the onset of seizure, a large number of
annotated EEG signals are required to train DL algorithms. However, the
scarcity of seizure onsets leads to significant insufficiency of data for
training the DL algorithms. To overcome this data insufficiency, in this paper,
we propose a preictal artificial signal synthesis algorithm based on a
generative adversarial network to generate synthetic multichannel EEG preictal
samples. A high-quality single-channel architecture, determined by visual and
statistical evaluations, is used to train the generators of multichannel
samples. The effectiveness of the synthetic samples is evaluated by comparing
the ES prediction performances without and with synthetic preictal sample
augmentation. The leave-one-seizure-out cross validation ES prediction accuracy
and corresponding area under the receiver operating characteristic curve
evaluation improve from 73.0\% and 0.676 to 78.0\% and 0.704 by 10$\times$
synthetic sample augmentation, respectively. The obtained results indicate that
synthetic preictal samples are effective for enhancing ES prediction
performance.
|
108,329 | 108,329 |
Characterizing TMS-EEG perturbation indexes using signal energy: initial
study on Alzheimer's Disease classification
|
Transcranial Magnetic Stimulation (TMS) combined with EEG recordings
(TMS-EEG) has shown great potential in the study of the brain and in particular
of Alzheimer's Disease (AD). In this study, we propose an automatic method of
determining the duration of TMS induced perturbation of the EEG signal as a
potential metric reflecting the brain's functional alterations. A preliminary
study is conducted in patients with Alzheimer's disease (AD). Three metrics for
characterizing the strength and duration of TMS evoked EEG (TEP) activity are
proposed and their potential in identifying AD patients from healthy controls
was investigated. A dataset of TMS-EEG recordings from 17 AD and 17 healthy
controls (HC) was used in our analysis. A Random Forest classification
algorithm was trained on the extracted TEP metrics and its performance is
evaluated in a leave-one-subject-out cross-validation. The created model showed
promising results in identifying AD patients from HC with an accuracy,
sensitivity and specificity of 69.32%, 72.23% and 66.41%, respectively.
|
108,330 | 108,330 |
Electrocardiographic Deep Learning for Predicting Post-Procedural
Mortality
|
Background. Pre-operative risk assessments used in clinical practice are
limited in their ability to identify risk for post-operative mortality. We
hypothesize that electrocardiograms contain hidden risk markers that can help
prognosticate post-operative mortality. Methods. In a derivation cohort of
45,969 pre-operative patients (age 59+- 19 years, 55 percent women), a deep
learning algorithm was developed to leverage waveform signals from
pre-operative ECGs to discriminate post-operative mortality. Model performance
was assessed in a holdout internal test dataset and in two external hospital
cohorts and compared with the Revised Cardiac Risk Index (RCRI) score. Results.
In the derivation cohort, there were 1,452 deaths. The algorithm discriminates
mortality with an AUC of 0.83 (95% CI 0.79-0.87) surpassing the discrimination
of the RCRI score with an AUC of 0.67 (CI 0.61-0.72) in the held out test
cohort. Patients determined to be high risk by the deep learning model's risk
prediction had an unadjusted odds ratio (OR) of 8.83 (5.57-13.20) for
post-operative mortality as compared to an unadjusted OR of 2.08 (CI 0.77-3.50)
for post-operative mortality for RCRI greater than 2. The deep learning
algorithm performed similarly for patients undergoing cardiac surgery with an
AUC of 0.85 (CI 0.77-0.92), non-cardiac surgery with an AUC of 0.83
(0.79-0.88), and catherization or endoscopy suite procedures with an AUC of
0.76 (0.72-0.81). The algorithm similarly discriminated risk for mortality in
two separate external validation cohorts from independent healthcare systems
with AUCs of 0.79 (0.75-0.83) and 0.75 (0.74-0.76) respectively. Conclusion.
The findings demonstrate how a novel deep learning algorithm, applied to
pre-operative ECGs, can improve discrimination of post-operative mortality.
|
108,331 | 108,331 |
What Makes A Good Fisherman? Linear Regression under Self-Selection Bias
|
In the classical setting of self-selection, the goal is to learn $k$ models,
simultaneously from observations $(x^{(i)}, y^{(i)})$ where $y^{(i)}$ is the
output of one of $k$ underlying models on input $x^{(i)}$. In contrast to
mixture models, where we observe the output of a randomly selected model, here
the observed model depends on the outputs themselves, and is determined by some
known selection criterion. For example, we might observe the highest output,
the smallest output, or the median output of the $k$ models. In known-index
self-selection, the identity of the observed model output is observable; in
unknown-index self-selection, it is not. Self-selection has a long history in
Econometrics and applications in various theoretical and applied fields,
including treatment effect estimation, imitation learning, learning from
strategically reported data, and learning from markets at disequilibrium.
In this work, we present the first computationally and statistically
efficient estimation algorithms for the most standard setting of this problem
where the models are linear. In the known-index case, we require
poly$(1/\varepsilon, k, d)$ sample and time complexity to estimate all model
parameters to accuracy $\varepsilon$ in $d$ dimensions, and can accommodate
quite general selection criteria. In the more challenging unknown-index case,
even the identifiability of the linear models (from infinitely many samples)
was not known. We show three results in this case for the commonly studied
$\max$ self-selection criterion: (1) we show that the linear models are indeed
identifiable, (2) for general $k$ we provide an algorithm with poly$(d)
\exp(\text{poly}(k))$ sample and time complexity to estimate the regression
parameters up to error $1/\text{poly}(k)$, and (3) for $k = 2$ we provide an
algorithm for any error $\varepsilon$ and poly$(d, 1/\varepsilon)$ sample and
time complexity.
|
108,332 | 108,332 |
Synthetic Data -- what, why and how?
|
This explainer document aims to provide an overview of the current state of
the rapidly expanding work on synthetic data technologies, with a particular
focus on privacy. The article is intended for a non-technical audience, though
some formal definitions have been given to provide clarity to specialists. This
article is intended to enable the reader to quickly become familiar with the
notion of synthetic data, as well as understand some of the subtle intricacies
that come with it. We do believe that synthetic data is a very useful tool, and
our hope is that this report highlights that, while drawing attention to
nuances that can easily be overlooked in its deployment.
|
108,333 | 108,333 |
Convex Analysis at Infinity: An Introduction to Astral Space
|
Not all convex functions on $\mathbb{R}^n$ have finite minimizers; some can
only be minimized by a sequence as it heads to infinity. In this work, we aim
to develop a theory for understanding such minimizers at infinity. We study
astral space, a compact extension of $\mathbb{R}^n$ to which such points at
infinity have been added. Astral space is constructed to be as small as
possible while still ensuring that all linear functions can be continuously
extended to the new space. Although astral space includes all of
$\mathbb{R}^n$, it is not a vector space, nor even a metric space. However, it
is sufficiently well-structured to allow useful and meaningful extensions of
concepts of convexity, conjugacy, and subdifferentials. We develop these
concepts and analyze various properties of convex functions on astral space,
including the detailed structure of their minimizers, exact characterizations
of continuity, and convergence of descent algorithms.
|
108,334 | 108,334 |
Designing Robust Biotechnological Processes Regarding Variabilities
using Multi-Objective Optimization Applied to a Biopharmaceutical Seed Train
Design
|
Development and optimization of biopharmaceutical production processes with
cell cultures is cost- and time-consuming and often performed rather
empirically. Efficient optimization of multiple-objectives like process time,
viable cell density, number of operating steps & cultivation scales, required
medium, amount of product as well as product quality depicts a promising
approach. This contribution presents a workflow which couples uncertainty-based
upstream simulation and Bayes optimization using Gaussian processes. Its
application is demonstrated in a simulation case study for a relevant
industrial task in process development, the design of a robust cell culture
expansion process (seed train), meaning that despite uncertainties and
variabilities concerning cell growth, low variations of viable cell density
during the seed train are obtained. Compared to a non-optimized reference seed
train, the optimized process showed much lower deviation rates regarding viable
cell densities (<~10% instead of 41.7%) using 5 or 4 shake flask scales and
seed train duration could be reduced by 56 h from 576 h to 520 h. Overall, it
is shown that applying Bayes optimization allows for optimization of a
multi-objective optimization function with several optimizable input variables
and under a considerable amount of constraints with a low computational effort.
This approach provides the potential to be used in form of a decision tool,
e.g. for the choice of an optimal and robust seed train design or for further
optimization tasks within process development.
|
108,335 | 108,335 |
Optimal Control as Variational Inference
|
In this article we address the stochastic and risk sensitive optimal control
problem probabilistically and decompose and solve the probabilistic models
using principles from variational inference. We demonstrate how this culminates
into two separate probabilistic inference procedures that allow to iteratively
infer the deterministic optimal policy. More formally a sequence of belief
policies, as a probabilistic proxy for the deterministic optimal policy, is
specified through a fixed point iteration with the equilibrium point coinciding
with the deterministic solution. These results re-establish the paradigm of
Control as Inference, a concept explored and exploited originally by the
Reinforcement Learning community anticipating deep rooted connections between
optimal estimation and control. Although the Control as Inference paradigm
already resulted in the development of several Reinforcement Learning
algorithms, until now the underlying mechanism were only partially understood.
For that very reason control as inference has not been well received by the
control community. By exposing the underlying mechanism we aim to contribute to
its general acceptance as a framework superseding optimal control. In order to
exhibit its general relevance we discuss parallels with path integral control
and discuss a wide range of possible applications.
|
108,336 | 108,336 |
Vehicle management in a modular production context using Deep Q-Learning
|
We investigate the feasibility of deploying Deep-Q based deep reinforcement
learning agents to job-shop scheduling problems in the context of modular
production facilities, using discrete event simulations for the environment.
These environments are comprised of a source and sink for the parts to be
processed, as well as (several) workstations. The agents are trained to
schedule automated guided vehicles to transport the parts back and forth
between those stations in an optimal fashion. Starting from a very simplistic
setup, we increase the complexity of the environment and compare the agents'
performances with well established heuristic approaches, such as
first-in-first-out based agents, cost tables and a nearest-neighbor approach.
We furthermore seek particular configurations of the environments in which the
heuristic approaches struggle, to investigate to what degree the Deep-Q agents
are affected by these challenges. We find that Deep-Q based agents show
comparable performance as the heuristic baselines. Furthermore, our findings
suggest that the DRL agents exhibit an increased robustness to noise, as
compared to the conventional approaches. Overall, we find that DRL agents
constitute a valuable approach for this type of scheduling problems.
|
108,337 | 108,337 |
The Road to Explainability is Paved with Bias: Measuring the Fairness of
Explanations
|
Machine learning models in safety-critical settings like healthcare are often
blackboxes: they contain a large number of parameters which are not transparent
to users. Post-hoc explainability methods where a simple, human-interpretable
model imitates the behavior of these blackbox models are often proposed to help
users trust model predictions. In this work, we audit the quality of such
explanations for different protected subgroups using real data from four
settings in finance, healthcare, college admissions, and the US justice system.
Across two different blackbox model architectures and four popular
explainability methods, we find that the approximation quality of explanation
models, also known as the fidelity, differs significantly between subgroups. We
also demonstrate that pairing explainability methods with recent advances in
robust machine learning can improve explanation fairness in some settings.
However, we highlight the importance of communicating details of non-zero
fidelity gaps to users, since a single solution might not exist across all
settings. Finally, we discuss the implications of unfair explanation models as
a challenging and understudied problem facing the machine learning community.
|
108,338 | 108,338 |
Application of Clustering Algorithms for Dimensionality Reduction in
Infrastructure Resilience Prediction Models
|
Recent studies increasingly adopt simulation-based machine learning (ML)
models to analyze critical infrastructure system resilience. For realistic
applications, these ML models consider the component-level characteristics that
influence the network response during emergencies. However, such an approach
could result in a large number of features and cause ML models to suffer from
the `curse of dimensionality'. We present a clustering-based method that
simultaneously minimizes the problem of high-dimensionality and improves the
prediction accuracy of ML models developed for resilience analysis in
large-scale interdependent infrastructure networks. The methodology has three
parts: (a) generation of simulation dataset, (b) network component clustering,
and (c) dimensionality reduction and development of prediction models. First,
an interdependent infrastructure simulation model simulates the network-wide
consequences of various disruptive events. The component-level features are
extracted from the simulated data. Next, clustering algorithms are used to
derive the cluster-level features by grouping component-level features based on
their topological and functional characteristics. Finally, ML algorithms are
used to develop models that predict the network-wide impacts of disruptive
events using the cluster-level features. The applicability of the method is
demonstrated using an interdependent power-water-transport testbed. The
proposed method can be used to develop decision-support tools for post-disaster
recovery of infrastructure networks.
|
108,339 | 108,339 |
Benchmarking Econometric and Machine Learning Methodologies in
Nowcasting
|
Nowcasting can play a key role in giving policymakers timelier insight to
data published with a significant time lag, such as final GDP figures.
Currently, there are a plethora of methodologies and approaches for
practitioners to choose from. However, there lacks a comprehensive comparison
of these disparate approaches in terms of predictive performance and
characteristics. This paper addresses that deficiency by examining the
performance of 12 different methodologies in nowcasting US quarterly GDP
growth, including all the methods most commonly employed in nowcasting, as well
as some of the most popular traditional machine learning approaches.
Performance was assessed on three different tumultuous periods in US economic
history: the early 1980s recession, the 2008 financial crisis, and the COVID
crisis. The two best performing methodologies in the analysis were long
short-term memory artificial neural networks (LSTM) and Bayesian vector
autoregression (BVAR). To facilitate further application and testing of each of
the examined methodologies, an open-source repository containing boilerplate
code that can be applied to different datasets is published alongside the
paper, available at: github.com/dhopp1/nowcasting_benchmark.
|
108,340 | 108,340 |
UAV-aided RF Mapping for Sensing and Connectivity in Wireless Networks
|
The use of unmanned aerial vehicles (UAV) as flying radio access network
(RAN) nodes offers a promising complement to traditional fixed terrestrial
deployments. More recently yet still in the context of wireless networks,
drones have also been envisioned for use as radio frequency (RF) sensing and
localization devices. In both cases, the advantage of using UAVs lies in their
ability to navigate themselves freely in 3D and in a timely manner to locations
of space where the obtained network throughput or sensing performance is
optimal. In practice, the selection of a proper location or trajectory for the
UAV very much depends on local terrain features, including the position of
surrounding radio obstacles. Hence, the robot must be able to map the features
of its radio environment as it performs its data communication or sensing
services. The challenges related to this task, referred here as radio mapping,
are discussed in this paper. Its promises related to efficient trajectory
design for autonomous radio-aware UAVs are highlighted, along with algorithm
solutions. The advantages induced by radio-mapping in terms of connectivity,
sensing, and localization performance are illustrated.
|
108,341 | 108,341 |
Transferring Chemical and Energetic Knowledge Between Molecular Systems
with Machine Learning
|
Predicting structural and energetic properties of a molecular system is one
of the fundamental tasks in molecular simulations, and it has use cases in
chemistry, biology, and medicine. In the past decade, the advent of machine
learning algorithms has impacted on molecular simulations for various tasks,
including property prediction of atomistic systems. In this paper, we propose a
novel methodology for transferring knowledge obtained from simple molecular
systems to a more complex one, possessing a significantly larger number of
atoms and degrees of freedom. In particular, we focus on the classification of
high and low free-energy states. Our approach relies on utilizing (i) a novel
hypergraph representation of molecules, encoding all relevant information for
characterizing the potential energy of a conformation, and (ii) novel message
passing and pooling layers for processing and making predictions on such
hypergraph-structured data. Despite the complexity of the problem, our results
show a remarkable AUC of 0.92 for transfer learning from tri-alanine to the
deca-alanine system. Moreover, we show that the very same transfer learning
approach can be used to group, in an unsupervised way, various secondary
structures of deca-alanine in clusters having similar free-energy values. Our
study represents a proof of concept that reliable transfer learning models for
molecular systems can be designed paving the way to unexplored routes in
prediction of structural and energetic properties of biologically relevant
systems.
|
108,342 | 108,342 |
How to Spend Your Robot Time: Bridging Kickstarting and Offline
Reinforcement Learning for Vision-based Robotic Manipulation
|
Reinforcement learning (RL) has been shown to be effective at learning
control from experience. However, RL typically requires a large amount of
online interaction with the environment. This limits its applicability to
real-world settings, such as in robotics, where such interaction is expensive.
In this work we investigate ways to minimize online interactions in a target
task, by reusing a suboptimal policy we might have access to, for example from
training on related prior tasks, or in simulation. To this end, we develop two
RL algorithms that can speed up training by using not only the action
distributions of teacher policies, but also data collected by such policies on
the task at hand. We conduct a thorough experimental study of how to use
suboptimal teachers on a challenging robotic manipulation benchmark on
vision-based stacking with diverse objects. We compare our methods to offline,
online, offline-to-online, and kickstarting RL algorithms. By doing so, we find
that training on data from both the teacher and student, enables the best
performance for limited data budgets. We examine how to best allocate a limited
data budget -- on the target task -- between the teacher and the student
policy, and report experiments using varying budgets, two teachers with
different degrees of suboptimality, and five stacking tasks that require a
diverse set of behaviors. Our analysis, both in simulation and in the real
world, shows that our approach is the best across data budgets, while standard
offline RL from teacher rollouts is surprisingly effective when enough data is
given.
|
108,343 | 108,343 |
Trainable Wavelet Neural Network for Non-Stationary Signals
|
This work introduces a wavelet neural network to learn a filter-bank
specialized to fit non-stationary signals and improve interpretability and
performance for digital signal processing. The network uses a wavelet transform
as the first layer of a neural network where the convolution is a parameterized
function of the complex Morlet wavelet. Experimental results, on both
simplified data and atmospheric gravity waves, show the network is quick to
converge, generalizes well on noisy data, and outperforms standard network
architectures.
|
108,344 | 108,344 |
Efficient Minimax Optimal Estimators For Multivariate Convex Regression
|
We study the computational aspects of the task of multivariate convex
regression in dimension $d \geq 5$. We present the first computationally
efficient minimax optimal (up to logarithmic factors) estimators for the tasks
of (i) $L$-Lipschitz convex regression (ii) $\Gamma$-bounded convex regression
under polytopal support. The proof of the correctness of these estimators uses
a variety of tools from different disciplines, among them empirical process
theory, stochastic geometry, and potential theory. This work is the first to
show the existence of efficient minimax optimal estimators for non-Donsker
classes that their corresponding Least Squares Estimators are provably minimax
sub-optimal; a result of independent interest.
|
108,345 | 108,345 |
DADApy: Distance-based Analysis of DAta-manifolds in Python
|
DADApy is a python software package for analysing and characterising
high-dimensional data manifolds. It provides methods for estimating the
intrinsic dimension and the probability density, for performing density-based
clustering and for comparing different distance metrics. We review the main
functionalities of the package and exemplify its usage in toy cases and in a
real-world application. The package is freely available under the open-source
Apache 2.0 license and can be downloaded from the Github page
https://github.com/sissa-data-science/DADApy.
|
108,346 | 108,346 |
Physics-informed neural networks for PDE-constrained optimization and
control
|
A fundamental problem of science is designing optimal control policies that
manipulate a given environment into producing a desired outcome. Control
Physics-Informed Neural Networks simultaneously solve a given system state, and
its respective optimal control, in a one-stage framework that conforms to
physical laws of the system. Prior approaches use a two-stage framework that
models and controls a system sequentially, whereas Control PINNs incorporates
the required optimality conditions in its architecture and loss function. The
success of Control PINNs is demonstrated by solving the following open-loop
optimal control problems: (i) an analytical problem (ii) a one-dimensional heat
equation, and (iii) a two-dimensional predator-prey problem.
|
108,347 | 108,347 |
Journaling Data for Daily PHQ-2 Depression Prediction and Forecasting
|
Digital health applications are becoming increasingly important for assessing
and monitoring the wellbeing of people suffering from mental health conditions
like depression. A common target of said applications is to predict the results
of self-assessed Patient-Health-Questionnaires (PHQ), indicating current
symptom severity of depressive individuals. In this work, we explore the
potential of using actively-collected data to predict and forecast daily PHQ-2
scores on a newly-collected longitudinal dataset. We obtain a best MAE of 1.417
for daily prediction of PHQ-2 scores, which specifically in the used dataset
have a range of 0 to 12, using leave-one-subject-out cross-validation, as well
as a best MAE of 1.914 for forecasting PHQ-2 scores using data from up to the
last 7 days. This illustrates the additive value that can be obtained by
incorporating actively-collected data in a depression monitoring application.
|
108,348 | 108,348 |
Let's Go to the Alien Zoo: Introducing an Experimental Framework to
Study Usability of Counterfactual Explanations for Machine Learning
|
To foster usefulness and accountability of machine learning (ML), it is
essential to explain a model's decisions in addition to evaluating its
performance. Accordingly, the field of explainable artificial intelligence
(XAI) has resurfaced as a topic of active research, offering approaches to
address the "how" and "why" of automated decision-making. Within this domain,
counterfactual explanations (CFEs) have gained considerable traction as a
psychologically grounded approach to generate post-hoc explanations. To do so,
CFEs highlight what changes to a model's input would have changed its
prediction in a particular way. However, despite the introduction of numerous
CFE approaches, their usability has yet to be thoroughly validated at the human
level. Thus, to advance the field of XAI, we introduce the Alien Zoo, an
engaging, web-based and game-inspired experimental framework. The Alien Zoo
provides the means to evaluate usability of CFEs for gaining new knowledge from
an automated system, targeting novice users in a domain-general context. As a
proof of concept, we demonstrate the practical efficacy and feasibility of this
approach in a user study. Our results suggest that users benefit from receiving
CFEs compared to no explanation, both in terms of objective performance in the
proposed iterative learning task, and subjective usability. With this work, we
aim to equip research groups and practitioners with the means to easily run
controlled and well-powered user studies to complement their otherwise often
more technology-oriented work. Thus, in the interest of reproducible research,
we provide the entire code, together with the underlying models and user data.
|
108,349 | 108,349 |
Transformer-Based Multi-Aspect Multi-Granularity Non-Native English
Speaker Pronunciation Assessment
|
Automatic pronunciation assessment is an important technology to help
self-directed language learners. While pronunciation quality has multiple
aspects including accuracy, fluency, completeness, and prosody, previous
efforts typically only model one aspect (e.g., accuracy) at one granularity
(e.g., at the phoneme-level). In this work, we explore modeling multi-aspect
pronunciation assessment at multiple granularities. Specifically, we train a
Goodness Of Pronunciation feature-based Transformer (GOPT) with multi-task
learning. Experiments show that GOPT achieves the best results on
speechocean762 with a public automatic speech recognition (ASR) acoustic model
trained on Librispeech.
|
108,350 | 108,350 |
Vocalsound: A Dataset for Improving Human Vocal Sounds Recognition
|
Recognizing human non-speech vocalizations is an important task and has broad
applications such as automatic sound transcription and health condition
monitoring. However, existing datasets have a relatively small number of vocal
sound samples or noisy labels. As a consequence, state-of-the-art audio event
classification models may not perform well in detecting human vocal sounds. To
support research on building robust and accurate vocal sound recognition, we
have created a VocalSound dataset consisting of over 21,000 crowdsourced
recordings of laughter, sighs, coughs, throat clearing, sneezes, and sniffs
from 3,365 unique subjects. Experiments show that the vocal sound recognition
performance of a model can be significantly improved by 41.9% by adding
VocalSound dataset to an existing dataset as training material. In addition,
different from previous datasets, the VocalSound dataset contains meta
information such as speaker age, gender, native language, country, and health
condition.
|
108,351 | 108,351 |
Global Multi-modal 2D/3D Registration via Local Descriptors Learning
|
Multi-modal registration is a required step for many image-guided procedures,
especially ultrasound-guided interventions that require anatomical context.
While a number of such registration algorithms are already available, they all
require a good initialization to succeed due to the challenging appearance of
ultrasound images and the arbitrary coordinate system they are acquired in. In
this paper, we present a novel approach to solve the problem of registration of
an ultrasound sweep to a pre-operative image. We learn dense keypoint
descriptors from which we then estimate the registration. We show that our
method overcomes the challenges inherent to registration tasks with freehand
ultrasound sweeps, namely, the multi-modality and multidimensionality of the
data in addition to lack of precise ground truth and low amounts of training
examples. We derive a registration method that is fast, generic, fully
automatic, does not require any initialization and can naturally generate
visualizations aiding interpretability and explainability. Our approach is
evaluated on a clinical dataset of paired MR volumes and ultrasound sequences.
|
108,352 | 108,352 |
Machine Learning-Friendly Biomedical Datasets for Equivalence and
Subsumption Ontology Matching
|
Ontology Matching (OM) plays an important role in many domains such as
bioinformatics and the Semantic Web, and its research is becoming increasingly
popular, especially with the application of machine learning (ML) techniques.
Although the Ontology Alignment Evaluation Initiative (OAEI) represents an
impressive effort for the systematic evaluation of OM systems, it still suffers
from several limitations including limited evaluation of subsumption mappings,
suboptimal reference mappings, and limited support for the evaluation of
ML-based systems. To tackle these limitations, we introduce five new biomedical
OM tasks involving ontologies extracted from Mondo and UMLS. Each task includes
both equivalence and subsumption matching; the quality of reference mappings is
ensured by human curation, ontology pruning, etc.; and a comprehensive
evaluation framework is proposed to measure OM performance from various
perspectives for both ML-based and non-ML-based OM systems. We report
evaluation results for OM systems of different types to demonstrate the usage
of these resources, all of which are publicly available
|
108,353 | 108,353 |
Structure Learning in Graphical Models from Indirect Observations
|
This paper considers learning of the graphical structure of a $p$-dimensional
random vector $X \in R^p$ using both parametric and non-parametric methods.
Unlike the previous works which observe $x$ directly, we consider the indirect
observation scenario in which samples $y$ are collected via a sensing matrix $A
\in R^{d\times p}$, and corrupted with some additive noise $w$, i.e, $Y = AX +
W$. For the parametric method, we assume $X$ to be Gaussian, i.e., $x\in
R^p\sim N(\mu, \Sigma)$ and $\Sigma \in R^{p\times p}$. For the first time, we
show that the correct graphical structure can be correctly recovered under the
indefinite sensing system ($d < p$) using insufficient samples ($n < p$). In
particular, we show that for the exact recovery, we require dimension $d =
\Omega(p^{0.8})$ and sample number $n = \Omega(p^{0.8}\log^3 p)$. For the
nonparametric method, we assume a nonparanormal distribution for $X$ rather
than Gaussian. Under mild conditions, we show that our graph-structure
estimator can obtain the correct structure. We derive the minimum sample number
$n$ and dimension $d$ as $n\gtrsim (deg)^4 \log^4 n$ and $d \gtrsim p +
(deg\cdot\log(d-p))^{\beta/4}$, respectively, where deg is the maximum Markov
blanket in the graphical model and $\beta > 0$ is some fixed positive constant.
Additionally, we obtain a non-asymptotic uniform bound on the estimation error
of the CDF of $X$ from indirect observations with inexact knowledge of the
noise distribution. To the best of our knowledge, this bound is derived for the
first time and may serve as an independent interest. Numerical experiments on
both real-world and synthetic data are provided confirm the theoretical
results.
|
108,354 | 108,354 |
Dynamically writing coupled memories using a reinforcement learning
agent, meeting physical bounds
|
Traditional memory writing operations proceed one bit at a time, where e.g.
an individual magnetic domain is force-flipped by a localized external field.
One way to increase material storage capacity would be to write several bits at
a time in the bulk of the material. However, the manipulation of bits is
commonly done through quasi-static operations. While simple to model, this
method is known to reduce memory capacity. In this paper, we demonstrate how a
reinforcement learning agent can exploit the dynamical response of a simple
multi-bit mechanical system to restore its memory to full capacity. To do so,
we introduce a model framework consisting of a chain of bi-stable springs,
which is manipulated on one end by the external action of the agent. We show
that the agent manages to learn how to reach all available states for three
springs, even though some states are not reachable through adiabatic
manipulation, and that both the training speed and convergence within physical
parameter space are improved using transfer learning techniques. Interestingly,
the agent also points to an optimal design of the system in terms of writing
time. In fact, it appears to learn how to take advantage of the underlying
physics: the control time exhibits a non-monotonic dependence on the internal
dissipation, reaching a minimum at a cross-over shown to verify a mechanically
motivated scaling relation.
|
108,355 | 108,355 |
Hitting time for Markov decision process
|
We define the hitting time for a Markov decision process (MDP). We do not use
the hitting time of the Markov process induced by the MDP because the induced
chain may not have a stationary distribution. Even it has a stationary
distribution, the stationary distribution may not coincide with the
(normalized) occupancy measure of the MDP. We observe a relationship between
the MDP and the PageRank. Using this observation, we construct an MP whose
stationary distribution coincides with the normalized occupancy measure of the
MDP and we define the hitting time of the MDP as the hitting time of the
associated MP.
|
108,356 | 108,356 |
Diverse Imitation Learning via Self-Organizing Generative Models
|
Imitation learning is the task of replicating expert policy from
demonstrations, without access to a reward function. This task becomes
particularly challenging when the expert exhibits a mixture of behaviors. Prior
work has introduced latent variables to model variations of the expert policy.
However, our experiments show that the existing works do not exhibit
appropriate imitation of individual modes. To tackle this problem, we adopt an
encoder-free generative model for behavior cloning (BC) to accurately
distinguish and imitate different modes. Then, we integrate it with GAIL to
make the learning robust towards compounding errors at unseen states. We show
that our method significantly outperforms the state of the art across multiple
experiments.
|
108,357 | 108,357 |
Clustered Graph Matching for Label Recovery and Graph Classification
|
Given a collection of vertex-aligned networks and an additional
label-shuffled network, we propose procedures for leveraging the signal in the
vertex-aligned collection to recover the labels of the shuffled network. We
consider matching the shuffled network to averages of the networks in the
vertex-aligned collection at different levels of granularity. We demonstrate
both in theory and practice that if the graphs come from different network
classes, then clustering the networks into classes followed by matching the new
graph to cluster-averages can yield higher fidelity matching performance than
matching to the global average graph. Moreover, by minimizing the graph
matching objective function with respect to each cluster average, this approach
simultaneously classifies and recovers the vertex labels for the shuffled
graph.
|
108,358 | 108,358 |
DULA and DEBA: Differentiable Ergonomic Risk Models for Postural
Assessment and Optimization in Ergonomically Intelligent pHRI
|
Ergonomics and human comfort are essential concerns in physical human-robot
interaction applications. Defining an accurate and easy-to-use ergonomic
assessment model stands as an important step in providing feedback for postural
correction to improve operator health and comfort. Common practical methods in
the area suffer from inaccurate ergonomics models in performing postural
optimization. In order to retain assessment quality, while improving
computational considerations, we propose a novel framework for postural
assessment and optimization for ergonomically intelligent physical human-robot
interaction. We introduce DULA and DEBA, differentiable and continuous
ergonomics models learned to replicate the popular and scientifically validated
RULA and REBA assessments with more than 99% accuracy. We show that DULA and
DEBA provide assessment comparable to RULA and REBA while providing
computational benefits when being used in postural optimization. We evaluate
our framework through human and simulation experiments. We highlight DULA and
DEBA's strength in a demonstration of postural optimization for a simulated
pHRI task.
|
108,359 | 108,359 |
Norm-Scaling for Out-of-Distribution Detection
|
Out-of-Distribution (OoD) inputs are examples that do not belong to the true
underlying distribution of the dataset. Research has shown that deep neural
nets make confident mispredictions on OoD inputs. Therefore, it is critical to
identify OoD inputs for safe and reliable deployment of deep neural nets. Often
a threshold is applied on a similarity score to detect OoD inputs. One such
similarity is angular similarity which is the dot product of latent
representation with the mean class representation. Angular similarity encodes
uncertainty, for example, if the angular similarity is less, it is less certain
that the input belongs to that class. However, we observe that, different
classes have different distributions of angular similarity. Therefore, applying
a single threshold for all classes is not ideal since the same similarity score
represents different uncertainties for different classes. In this paper, we
propose norm-scaling which normalizes the logits separately for each class.
This ensures that a single value consistently represents similar uncertainty
for various classes. We show that norm-scaling, when used with maximum softmax
probability detector, achieves 9.78% improvement in AUROC, 5.99% improvement in
AUPR and 33.19% reduction in FPR95 metrics over previous state-of-the-art
methods.
|
108,360 | 108,360 |
Online Model Compression for Federated Learning with Large Models
|
This paper addresses the challenges of training large neural network models
under federated learning settings: high on-device memory usage and
communication cost. The proposed Online Model Compression (OMC) provides a
framework that stores model parameters in a compressed format and decompresses
them only when needed. We use quantization as the compression method in this
paper and propose three methods, (1) using per-variable transformation, (2)
weight matrices only quantization, and (3) partial parameter quantization, to
minimize the impact on model accuracy. According to our experiments on two
recent neural networks for speech recognition and two different datasets, OMC
can reduce memory usage and communication cost of model parameters by up to 59%
while attaining comparable accuracy and training speed when compared with
full-precision training.
|
108,361 | 108,361 |
PARAFAC2$\times$N: Coupled Decomposition of Multi-modal Data with Drift
in N Modes
|
Reliable analysis of comprehensive two-dimensional gas chromatography -
time-of-flight mass spectrometry (GC$\times$GC-TOFMS) data is considered to be
a major bottleneck for its widespread application. For multiple samples,
GC$\times$GC-TOFMS data for specific chromatographic regions manifests as a 4th
order tensor of I mass spectral acquisitions, J mass channels, K modulations,
and L samples. Chromatographic drift is common along both the first-dimension
(modulations), and along the second-dimension (mass spectral acquisitions),
while drift along the mass channel and sample dimensions is for all practical
purposes nonexistent. A number of solutions to handling GC$\times$GC-TOFMS data
have been proposed: these involve reshaping the data to make it amenable to
either 2nd order decomposition techniques based on Multivariate Curve
Resolution (MCR), or 3rd order decomposition techniques such as Parallel Factor
Analysis 2 (PARAFAC2). PARAFAC2 has been utilised to model chromatographic
drift along one mode, which has enabled its use for robust decomposition of
multiple GC-MS experiments. Although extensible, it is not straightforward to
implement a PARAFAC2 model that accounts for drift along multiple modes. In
this submission, we demonstrate a new approach and a general theory for
modelling data with drift along multiple modes, for applications in
multidimensional chromatography with multivariate detection.
|
108,362 | 108,362 |
Inferring electrochemical performance and parameters of Li-ion batteries
based on deep operator networks
|
The Li-ion battery is a complex physicochemical system that generally takes
applied current as input and terminal voltage as output. The mappings from
current to voltage can be described by several kinds of models, such as
accurate but inefficient physics-based models, and efficient but sometimes
inaccurate equivalent circuit and black-box models. To realize accuracy and
efficiency simultaneously in battery modeling, we propose to build a
data-driven surrogate for a battery system while incorporating the underlying
physics as constraints. In this work, we innovatively treat the functional
mapping from current curve to terminal voltage as a composite of operators,
which is approximated by the powerful deep operator network (DeepONet). Its
learning capability is firstly verified through a predictive test for Li-ion
concentration at two electrodes. In this experiment, the physics-informed
DeepONet is found to be more robust than the purely data-driven DeepONet,
especially in temporal extrapolation scenarios. A composite surrogate is then
constructed for mapping current curve and solid diffusivity to terminal voltage
with three operator networks, in which two parallel physics-informed DeepONets
are firstly used to predict Li-ion concentration at two electrodes, and then
based on their surface values, a DeepONet is built to give terminal voltage
predictions. Since the surrogate is differentiable anywhere, it is endowed with
the ability to learn from data directly, which was validated by using terminal
voltage measurements to estimate input parameters. The proposed surrogate built
upon operator networks possesses great potential to be applied in on-board
scenarios, such as battery management system, since it integrates efficiency
and accuracy by incorporating underlying physics, and also leaves an interface
for model refinement through a totally differentiable model structure.
|
108,363 | 108,363 |
Fine-grained Intent Classification in the Legal Domain
|
A law practitioner has to go through a lot of long legal case proceedings. To
understand the motivation behind the actions of different parties/individuals
in a legal case, it is essential that the parts of the document that express an
intent corresponding to the case be clearly understood. In this paper, we
introduce a dataset of 93 legal documents, belonging to the case categories of
either Murder, Land Dispute, Robbery, or Corruption, where phrases expressing
intent same as the category of the document are annotated. Also, we annotate
fine-grained intents for each such phrase to enable a deeper understanding of
the case for a reader. Finally, we analyze the performance of several
transformer-based models in automating the process of extracting intent phrases
(both at a coarse and a fine-grained level), and classifying a document into
one of the possible 4 categories, and observe that, our dataset is challenging,
especially in the case of fine-grained intent classification.
|
108,364 | 108,364 |
Digital Twin Framework for Time to Failure Forecasting of Wind Turbine
Gearbox: A Concept
|
Wind turbine is a complex machine with its rotating and non-rotating
equipment being sensitive to faults. Due to increased wear and tear, the
maintenance aspect of a wind turbine is of critical importance. Unexpected
failure of wind turbine components can lead to increased O\&M costs which
ultimately reduces effective power capture of a wind farm. Fault detection in
wind turbines is often supplemented with SCADA data available from wind farm
operators in the form of time-series format with a 10-minute sample interval.
Moreover, time-series analysis and data representation has become a powerful
tool to get a deeper understating of the dynamic processes in complex machinery
like wind turbine. Wind turbine SCADA data is usually available in form of a
multivariate time-series with variables like gearbox oil temperature, gearbox
bearing temperature, nacelle temperature, rotor speed and active power
produced. In this preprint, we discuss the concept of a digital twin for time
to failure forecasting of the wind turbine gearbox where a predictive module
continuously gets updated with real-time SCADA data and generates meaningful
insights for the wind farm operator.
|
108,365 | 108,365 |
Unsupervised Deep Unrolled Reconstruction Using Regularization by
Denoising
|
Deep learning methods have been successfully used in various computer vision
tasks. Inspired by that success, deep learning has been explored in magnetic
resonance imaging (MRI) reconstruction. In particular, integrating deep
learning and model-based optimization methods has shown considerable
advantages. However, a large amount of labeled training data is typically
needed for high reconstruction quality, which is challenging for some MRI
applications. In this paper, we propose a novel reconstruction method, named
DURED-Net, that enables interpretable unsupervised learning for MR image
reconstruction by combining an unsupervised denoising network and a
plug-and-play method. We aim to boost the reconstruction performance of
unsupervised learning by adding an explicit prior that utilizes imaging
physics. Specifically, the leverage of a denoising network for MRI
reconstruction is achieved using Regularization by Denoising (RED). Experiment
results demonstrate that the proposed method requires a reduced amount of
training data to achieve high reconstruction quality.
|
108,366 | 108,366 |
Factory: Fast Contact for Robotic Assembly
|
Robotic assembly is one of the oldest and most challenging applications of
robotics. In other areas of robotics, such as perception and grasping,
simulation has rapidly accelerated research progress, particularly when
combined with modern deep learning. However, accurately, efficiently, and
robustly simulating the range of contact-rich interactions in assembly remains
a longstanding challenge. In this work, we present Factory, a set of physics
simulation methods and robot learning tools for such applications. We achieve
real-time or faster simulation of a wide range of contact-rich scenes,
including simultaneous simulation of 1000 nut-and-bolt interactions. We provide
$60$ carefully-designed part models, 3 robotic assembly environments, and 7
robot controllers for training and testing virtual robots. Finally, we train
and evaluate proof-of-concept reinforcement learning policies for nut-and-bolt
assembly. We aim for Factory to open the doors to using simulation for robotic
assembly, as well as many other contact-rich applications in robotics. Please
see https://sites.google.com/nvidia.com/factory for supplementary content,
including videos.
|
108,367 | 108,367 |
Anomaly Detection in Intra-Vehicle Networks
|
The progression of innovation and technology and ease of inter-connectivity
among networks has allowed us to evolve towards one of the promising areas, the
Internet of Vehicles. Nowadays, modern vehicles are connected to a range of
networks, including intra-vehicle networks and external networks. However, a
primary challenge in the automotive industry is to make the vehicle safe and
reliable; particularly with the loopholes in the existing traditional
protocols, cyber-attacks on the vehicle network are rising drastically.
Practically every vehicle uses the universal Controller Area Network (CAN) bus
protocol for the communication between electronic control units to transmit key
vehicle functionality and messages related to driver safety. The CAN bus
system, although its critical significance, lacks the key feature of any
protocol authentication and authorization. Resulting in compromises of CAN bus
security leads to serious issues to both car and driver safety. This paper
discusses the security issues of the CAN bus protocol and proposes an Intrusion
Detection System (IDS) that detects known attacks on in-vehicle networks.
Multiple Artificial Intelligence (AI) algorithms are employed to provide
recognition of known potential cyber-attacks based on messages, timestamps, and
data packets traveling through the CAN. The main objective of this paper is to
accurately detect cyberattacks by considering time-series features and attack
frequency. The majority of the evaluated AI algorithms, when considering attack
frequency, correctly identify known attacks with remarkable accuracy of more
than 99%. However, these models achieve approximately 92% to 97% accuracy when
timestamps are not taken into account. Long Short Term Memory (LSTM), Xgboost,
and SVC have proved to the well-performing classifiers.
|
108,368 | 108,368 |
Graph Spectral Embedding using the Geodesic Betweeness Centrality
|
We introduce the Graph Sylvester Embedding (GSE), an unsupervised graph
representation of local similarity, connectivity, and global structure. GSE
uses the solution of the Sylvester equation to capture both network structure
and neighborhood proximity in a single representation. Unlike embeddings based
on the eigenvectors of the Laplacian, GSE incorporates two or more basis
functions, for instance using the Laplacian and the affinity matrix. Such basis
functions are constructed not from the original graph, but from one whose
weights measure the centrality of an edge (the fraction of the number of
shortest paths that pass through that edge) in the original graph. This allows
more flexibility and control to represent complex network structure and shows
significant improvements over the state of the art when used for data analysis
tasks such as predicting failed edges in material science and network alignment
in the human-SARS CoV-2 protein-protein interactome.
|
108,369 | 108,369 |
Bandits for Structure Perturbation-based Black-box Attacks to Graph
Neural Networks with Theoretical Guarantees
|
Graph neural networks (GNNs) have achieved state-of-the-art performance in
many graph-based tasks such as node classification and graph classification.
However, many recent works have demonstrated that an attacker can mislead GNN
models by slightly perturbing the graph structure. Existing attacks to GNNs are
either under the less practical threat model where the attacker is assumed to
access the GNN model parameters, or under the practical black-box threat model
but consider perturbing node features that are shown to be not enough
effective. In this paper, we aim to bridge this gap and consider black-box
attacks to GNNs with structure perturbation as well as with theoretical
guarantees. We propose to address this challenge through bandit techniques.
Specifically, we formulate our attack as an online optimization with bandit
feedback. This original problem is essentially NP-hard due to the fact that
perturbing the graph structure is a binary optimization problem. We then
propose an online attack based on bandit optimization which is proven to be
{sublinear} to the query number $T$, i.e., $\mathcal{O}(\sqrt{N}T^{3/4})$ where
$N$ is the number of nodes in the graph. Finally, we evaluate our proposed
attack by conducting experiments over multiple datasets and GNN models. The
experimental results on various citation graphs and image graphs show that our
attack is both effective and efficient. Source code is available
at~\url{https://github.com/Metaoblivion/Bandit_GNN_Attack}
|
108,370 | 108,370 |
Time-Series Domain Adaptation via Sparse Associative Structure
Alignment: Learning Invariance and Variance
|
Domain adaptation on time-series data is often encountered in the industry
but received limited attention in academia. Most of the existing domain
adaptation methods for time-series data borrow the ideas from the existing
methods for non-time series data to extract the domain-invariant
representation. However, two peculiar difficulties to time-series data have not
been solved. 1) It is not a trivial task to model the domain-invariant and
complex dependence among different timestamps. 2) The domain-variant
information is important but how to leverage them is almost underexploited.
Fortunately, the stableness of causal structures among different domains
inspires us to explore the structures behind the time-series data. Based on
this inspiration, we investigate the domain-invariant unweighted sparse
associative structures and the domain-variant strengths of the structures. To
achieve this, we propose Sparse Associative structure alignment by learning
Invariance and Variance (SASA-IV in short), a model that simultaneously aligns
the invariant unweighted spare associative structures and considers the variant
information for time-series unsupervised domain adaptation. Technologically, we
extract the domain-invariant unweighted sparse associative structures with a
unidirectional alignment restriction and embed the domain-variant strengths via
a well-designed autoregressive module. Experimental results not only testify
that our model yields state-of-the-art performance on three real-world datasets
but also provide some insightful discoveries on knowledge transfer.
|
108,371 | 108,371 |
Multi-Target Active Object Tracking with Monte Carlo Tree Search and
Target Motion Modeling
|
In this work, we are dedicated to multi-target active object tracking (AOT),
where there are multiple targets as well as multiple cameras in the
environment. The goal is maximize the overall target coverage of all cameras.
Previous work makes a strong assumption that each camera is fixed in a location
and only allowed to rotate, which limits its application. In this work, we
relax the setting by allowing all cameras to both move along the boundary lines
and rotate. In our setting, the action space becomes much larger, which leads
to much higher computational complexity to identify the optimal action. To this
end, we propose to leverage the action selection from multi-agent reinforcement
learning (MARL) network to prune the search tree of Monte Carlo Tree Search
(MCTS) method, so as to find the optimal action more efficiently. Besides, we
model the motion of the targets to predict the future position of the targets,
which makes a better estimation of the future environment state in the MCTS
process. We establish a multi-target 2D environment to simulate the sports
games, and experimental results demonstrate that our method can effectively
improve the target coverage.
|
108,372 | 108,372 |
Number Entity Recognition
|
Numbers are essential components of text, like any other word tokens, from
which natural language processing (NLP) models are built and deployed. Though
numbers are typically not accounted for distinctly in most NLP tasks, there is
still an underlying amount of numeracy already exhibited by NLP models. In this
work, we attempt to tap this potential of state-of-the-art NLP models and
transfer their ability to boost performance in related tasks. Our proposed
classification of numbers into entities helps NLP models perform well on
several tasks, including a handcrafted Fill-In-The-Blank (FITB) task and on
question answering using joint embeddings, outperforming the BERT and RoBERTa
baseline classification.
|
108,373 | 108,373 |
Deep learning for spatio-temporal forecasting -- application to solar
energy
|
This thesis tackles the subject of spatio-temporal forecasting with deep
learning. The motivating application at Electricity de France (EDF) is
short-term solar energy forecasting with fisheye images. We explore two main
research directions for improving deep forecasting methods by injecting
external physical knowledge. The first direction concerns the role of the
training loss function. We show that differentiable shape and temporal criteria
can be leveraged to improve the performances of existing models. We address
both the deterministic context with the proposed DILATE loss function and the
probabilistic context with the STRIPE model. Our second direction is to augment
incomplete physical models with deep data-driven networks for accurate
forecasting. For video prediction, we introduce the PhyDNet model that
disentangles physical dynamics from residual information necessary for
prediction, such as texture or details. We further propose a learning framework
(APHYNITY) that ensures a principled and unique linear decomposition between
physical and data-driven components under mild assumptions, leading to better
forecasting performances and parameter identification.
|
108,374 | 108,374 |
Automatic Detection of Interplanetary Coronal Mass Ejections in Solar
Wind In Situ Data
|
Interplanetary coronal mass ejections (ICMEs) are one of the main drivers for
space weather disturbances. In the past, different approaches have been used to
automatically detect events in existing time series resulting from solar wind
in situ observations. However, accurate and fast detection still remains a
challenge when facing the large amount of data from different instruments. For
the automatic detection of ICMEs we propose a pipeline using a method that has
recently proven successful in medical image segmentation. Comparing it to an
existing method, we find that while achieving similar results, our model
outperforms the baseline regarding training time by a factor of approximately
20, thus making it more applicable for other datasets. The method has been
tested on in situ data from the Wind spacecraft between 1997 and 2015 with a
True Skill Statistic (TSS) of 0.64. Out of the 640 ICMEs, 466 were detected
correctly by our algorithm, producing a total of 254 False Positives.
Additionally, it produced reasonable results on datasets with fewer features
and smaller training sets from Wind, STEREO-A and STEREO-B with True Skill
Statistics of 0.56, 0.57 and 0.53, respectively. Our pipeline manages to find
the start of an ICME with a mean absolute error (MAE) of around 2 hours and 56
minutes, and the end time with a MAE of 3 hours and 20 minutes. The relatively
fast training allows straightforward tuning of hyperparameters and could
therefore easily be used to detect other structures and phenomena in solar wind
data, such as corotating interaction regions.
|
108,375 | 108,375 |
Towards Computationally Feasible Deep Active Learning
|
Active learning (AL) is a prominent technique for reducing the annotation
effort required for training machine learning models. Deep learning offers a
solution for several essential obstacles to deploying AL in practice but
introduces many others. One of such problems is the excessive computational
resources required to train an acquisition model and estimate its uncertainty
on instances in the unlabeled pool. We propose two techniques that tackle this
issue for text classification and tagging tasks, offering a substantial
reduction of AL iteration duration and the computational overhead introduced by
deep acquisition models in AL. We also demonstrate that our algorithm that
leverages pseudo-labeling and distilled models overcomes one of the essential
obstacles revealed previously in the literature. Namely, it was shown that due
to differences between an acquisition model used to select instances during AL
and a successor model trained on the labeled data, the benefits of AL can
diminish. We show that our algorithm, despite using a smaller and faster
acquisition model, is capable of training a more expressive successor model
with higher performance.
|
108,376 | 108,376 |
ConceptDistil: Model-Agnostic Distillation of Concept Explanations
|
Concept-based explanations aims to fill the model interpretability gap for
non-technical humans-in-the-loop. Previous work has focused on providing
concepts for specific models (eg, neural networks) or data types (eg, images),
and by either trying to extract concepts from an already trained network or
training self-explainable models through multi-task learning. In this work, we
propose ConceptDistil, a method to bring concept explanations to any black-box
classifier using knowledge distillation. ConceptDistil is decomposed into two
components:(1) a concept model that predicts which domain concepts are present
in a given instance, and (2) a distillation model that tries to mimic the
predictions of a black-box model using the concept model predictions. We
validate ConceptDistil in a real world use-case, showing that it is able to
optimize both tasks, bringing concept-explainability to any black-box model.
|
108,377 | 108,377 |
BrainIB: Interpretable Brain Network-based Psychiatric Diagnosis with
Graph Information Bottleneck
|
Developing a new diagnostic models based on the underlying biological
mechanisms rather than subjective symptoms for psychiatric disorders is an
emerging consensus. Recently, machine learning-based classifiers using
functional connectivity (FC) for psychiatric disorders and healthy controls are
developed to identify brain markers. However, existing machine learningbased
diagnostic models are prone to over-fitting (due to insufficient training
samples) and perform poorly in new test environment. Furthermore, it is
difficult to obtain explainable and reliable brain biomarkers elucidating the
underlying diagnostic decisions. These issues hinder their possible clinical
applications. In this work, we propose BrainIB, a new graph neural network
(GNN) framework to analyze functional magnetic resonance images (fMRI), by
leveraging the famed Information Bottleneck (IB) principle. BrainIB is able to
identify the most informative regions in the brain (i.e., subgraph) and
generalizes well to unseen data. We evaluate the performance of BrainIB against
6 popular brain network classification methods on two multi-site, largescale
datasets and observe that our BrainIB always achieves the highest diagnosis
accuracy. It also discovers the subgraph biomarkers which are consistent to
clinical and neuroimaging findings.
|
108,378 | 108,378 |
Determination of class-specific variables in nonparametric
multiple-class classification
|
As technology advanced, collecting data via automatic collection devices
become popular, thus we commonly face data sets with lengthy variables,
especially when these data sets are collected without specific research goals
beforehand. It has been pointed out in the literature that the difficulty of
high-dimensional classification problems is intrinsically caused by too many
noise variables useless for reducing classification error, which offer less
benefits for decision-making, and increase complexity, and confusion in
model-interpretation. A good variable selection strategy is therefore a must
for using such kinds of data well; especially when we expect to use their
results for the succeeding applications/studies, where the model-interpretation
ability is essential. hus, the conventional classification measures, such as
accuracy, sensitivity, precision, cannot be the only performance tasks. In this
paper, we propose a probability-based nonparametric multiple-class
classification method, and integrate it with the ability of identifying high
impact variables for individual class such that we can have more information
about its classification rule and the character of each class as well. The
proposed method can have its prediction power approximately equal to that of
the Bayes rule, and still retains the ability of "model-interpretation." We
report the asymptotic properties of the proposed method, and use both
synthesized and real data sets to illustrate its properties under different
classification situations. We also separately discuss the variable
identification, and training sample size determination, and summarize those
procedures as algorithms such that users can easily implement them with
different computing languages.
|
108,379 | 108,379 |
Deep Reinforcement Learning-Based Adaptive IRS Control with Limited
Feedback Codebooks
|
Intelligent reflecting surfaces (IRS) consist of configurable meta-atoms,
which can alter the wireless propagation environment through design of their
reflection coefficients. We consider adaptive IRS control in the practical
setting where (i) the IRS reflection coefficients are attained by adjusting
tunable elements embedded in the meta-atoms, (ii) the IRS reflection
coefficients are affected by the incident angles of the incoming signals, (iii)
the IRS is deployed in multi-path, time-varying channels, and (iv) the feedback
link from the base station (BS) to the IRS has a low data rate. Conventional
optimization-based IRS control protocols, which rely on channel estimation and
conveying the optimized variables to the IRS, are not practical in this setting
due to the difficulty of channel estimation and the low data rate of the
feedback channel. To address these challenges, we develop a novel adaptive
codebook-based limited feedback protocol to control the IRS. We propose two
solutions for adaptive IRS codebook design: (i) random adjacency (RA), which
utilizes correlations across the channel realizations, and (ii) deep neural
network policy-based IRS control (DPIC), which is based on a deep reinforcement
learning. Numerical evaluations show that the data rate and average data rate
over one coherence time are improved substantially by the proposed schemes.
|
108,380 | 108,380 |
Label Adversarial Learning for Skeleton-level to Pixel-level Adjustable
Vessel Segmentation
|
You can have your cake and eat it too. Microvessel segmentation in optical
coherence tomography angiography (OCTA) images remains challenging.
Skeleton-level segmentation shows clear topology but without diameter
information, while pixel-level segmentation shows a clear caliber but low
topology. To close this gap, we propose a novel label adversarial learning
(LAL) for skeleton-level to pixel-level adjustable vessel segmentation. LAL
mainly consists of two designs: a label adversarial loss and an embeddable
adjustment layer. The label adversarial loss establishes an adversarial
relationship between the two label supervisions, while the adjustment layer
adjusts the network parameters to match the different adversarial weights. Such
a design can efficiently capture the variation between the two supervisions,
making the segmentation continuous and tunable. This continuous process allows
us to recommend high-quality vessel segmentation with clear caliber and
topology. Experimental results show that our results outperform manual
annotations of current public datasets and conventional filtering effects.
Furthermore, such a continuous process can also be used to generate an
uncertainty map representing weak vessel boundaries and noise.
|
108,381 | 108,381 |
Variational Sparse Coding with Learned Thresholding
|
Sparse coding strategies have been lauded for their parsimonious
representations of data that leverage low dimensional structure. However,
inference of these codes typically relies on an optimization procedure with
poor computational scaling in high-dimensional problems. For example, sparse
inference in the representations learned in the high-dimensional intermediary
layers of deep neural networks (DNNs) requires an iterative minimization to be
performed at each training step. As such, recent, quick methods in variational
inference have been proposed to infer sparse codes by learning a distribution
over the codes with a DNN. In this work, we propose a new approach to
variational sparse coding that allows us to learn sparse distributions by
thresholding samples, avoiding the use of problematic relaxations. We first
evaluate and analyze our method by training a linear generator, showing that it
has superior performance, statistical efficiency, and gradient estimation
compared to other sparse distributions. We then compare to a standard
variational autoencoder using a DNN generator on the Fashion MNIST and CelebA
datasets
|
108,382 | 108,382 |
Automated Algorithm Selection for Radar Network Configuration
|
The configuration of radar networks is a complex problem that is often
performed manually by experts with the help of a simulator. Different numbers
and types of radars as well as different locations that the radars shall cover
give rise to different instances of the radar configuration problem. The exact
modeling of these instances is complex, as the quality of the configurations
depends on a large number of parameters, on internal radar processing, and on
the terrains on which the radars need to be placed. Classic optimization
algorithms can therefore not be applied to this problem, and we rely on
"trial-and-error" black-box approaches.
In this paper, we study the performances of 13~black-box optimization
algorithms on 153~radar network configuration problem instances. The algorithms
perform considerably better than human experts. Their ranking, however, depends
on the budget of configurations that can be evaluated and on the elevation
profile of the location. We therefore also investigate automated algorithm
selection approaches. Our results demonstrate that a pipeline that extracts
instance features from the elevation of the terrain performs on par with the
classical, far more expensive approach that extracts features from the
objective function.
|
108,383 | 108,383 |
Deep learning approximations for non-local nonlinear PDEs with Neumann
boundary conditions
|
Nonlinear partial differential equations (PDEs) are used to model dynamical
processes in a large number of scientific fields, ranging from finance to
biology. In many applications standard local models are not sufficient to
accurately account for certain non-local phenomena such as, e.g., interactions
at a distance. In order to properly capture these phenomena non-local nonlinear
PDE models are frequently employed in the literature. In this article we
propose two numerical methods based on machine learning and on Picard
iterations, respectively, to approximately solve non-local nonlinear PDEs. The
proposed machine learning-based method is an extended variant of a deep
learning-based splitting-up type approximation method previously introduced in
the literature and utilizes neural networks to provide approximate solutions on
a subset of the spatial domain of the solution. The Picard iterations-based
method is an extended variant of the so-called full history recursive
multilevel Picard approximation scheme previously introduced in the literature
and provides an approximate solution for a single point of the domain. Both
methods are mesh-free and allow non-local nonlinear PDEs with Neumann boundary
conditions to be solved in high dimensions. In the two methods, the numerical
difficulties arising due to the dimensionality of the PDEs are avoided by (i)
using the correspondence between the expected trajectory of reflected
stochastic processes and the solution of PDEs (given by the Feynman-Kac
formula) and by (ii) using a plain vanilla Monte Carlo integration to handle
the non-local term. We evaluate the performance of the two methods on five
different PDEs arising in physics and biology. In all cases, the methods yield
good results in up to 10 dimensions with short run times. Our work extends
recently developed methods to overcome the curse of dimensionality in solving
PDEs.
|
108,384 | 108,384 |
Towards Practical Physics-Informed ML Design and Evaluation for Power
Grid
|
When applied to a real-world safety critical system like the power grid,
general machine learning methods suffer from expensive training, non-physical
solutions, and limited interpretability. To address these challenges for power
grids, many recent works have explored the inclusion of grid physics (i.e.,
domain expertise) into their method design, primarily through including system
constraints and technical limits, reducing search space and defining meaningful
features in latent space. Yet, there is no general methodology to evaluate the
practicality of these approaches in power grid tasks, and limitations exist
regarding scalability, generalization, interpretability, etc. This work
formalizes a new concept of physical interpretability which assesses how a ML
model makes predictions in a physically meaningful way and introduces an
evaluation methodology that identifies a set of attributes that a practical
method should satisfy. Inspired by the evaluation attributes, the paper further
develops a novel contingency analysis warm starter for MadIoT cyberattack,
based on a conditional Gaussian random field. This method serves as an instance
of an ML model that can incorporate diverse domain knowledge and improve on
these identified attributes. Experiments validate that the warm starter
significantly boosts the efficiency of contingency analysis for MadIoT attack
even with shallow NN architectures.
|
108,385 | 108,385 |
Rate-Optimal Contextual Online Matching Bandit
|
Two-sided online matching platforms have been employed in various markets.
However, agents' preferences in present market are usually implicit and unknown
and must be learned from data. With the growing availability of side
information involved in the decision process, modern online matching
methodology demands the capability to track preference dynamics for agents
based on their contextual information. This motivates us to consider a novel
Contextual Online Matching Bandit prOblem (COMBO), which allows dynamic
preferences in matching decisions. Existing works focus on multi-armed bandit
with static preference, but this is insufficient: the two-sided preference
changes as along as one-side's contextual information updates, resulting in
non-static matching. In this paper, we propose a Centralized Contextual -
Explore Then Commit (CC-ETC) algorithm to adapt to the COMBO. CC-ETC solves
online matching with dynamic preference. In theory, we show that CC-ETC
achieves a sublinear regret upper bound O(log(T)) and is a rate-optimal
algorithm by proving a matching lower bound. In the experiments, we demonstrate
that CC-ETC is robust to variant preference schemes, dimensions of contexts,
reward noise levels, and contexts variation levels.
|
108,386 | 108,386 |
Quantifying and Extrapolating Data Needs in Radio Frequency Machine
Learning
|
Understanding the relationship between training data and a model's
performance once deployed is a fundamental component in the application of
machine learning. While the model's deployed performance is dependent on
numerous variables within the scope of machine learning, beyond that of the
training data itself, the effect of the dataset is isolated in this work to
better understand the role training data plays in the problem. This work
examines a modulation classification problem in the Radio Frequency domain
space, attempting to answer the question of how much training data is required
to achieve a desired level of performance, but the procedure readily applies to
classification problems across modalities. By repurposing the metrics of
transfer potential developed within transfer learning an approach to bound data
quantity needs developed given a training approach and machine learning
architecture; this approach is presented as a means to estimate data quantity
requirements to achieve a target performance. While this approach will require
an initial dataset that is germane to the problem space to act as a target
dataset on which metrics are extracted, the goal is to allow for the initial
data to be orders of magnitude smaller than what is required for delivering a
system that achieves the desired performance. An additional benefit of the
techniques presented here is that the quality of different datasets can be
numerically evaluated and tied together with the quantity of data, and the
performance of the system.
|
108,387 | 108,387 |
Accuracy Convergent Field Predictors
|
Several predictive algorithms are described. Highlighted are variants that
make predictions by superposing fields associated to the training data
instances. They operate seamlessly with categorical, continuous, and mixed
data. Predictive accuracy convergence is also discussed as a criteria for
evaluating predictive algorithms. Methods are described on how to adapt
algorithms in order to make them achieve predictive accuracy convergence.
|
108,388 | 108,388 |
Odor Descriptor Understanding through Prompting
|
Embeddings from contemporary natural language processing (NLP) models are
commonly used as numerical representations for words or sentences. However,
odor descriptor words, like "leather" or "fruity", vary significantly between
their commonplace usage and their olfactory usage, as a result traditional
methods for generating these embeddings do not suffice. In this paper, we
present two methods to generate embeddings for odor words that are more closely
aligned with their olfactory meanings when compared to off-the-shelf
embeddings. These generated embeddings outperform the previous state-of-the-art
and contemporary fine-tuning/prompting methods on a pre-existing zero-shot
odor-specific NLP benchmark.
|
108,389 | 108,389 |
Empowering parameter-efficient transfer learning by recognizing the
kernel structure in self-attention
|
The massive amount of trainable parameters in the pre-trained language models
(PLMs) makes them hard to be deployed to multiple downstream tasks. To address
this issue, parameter-efficient transfer learning methods have been proposed to
tune only a few parameters during fine-tuning while freezing the rest. This
paper looks at existing methods along this line through the \textit{kernel
lens}. Motivated by the connection between self-attention in transformer-based
PLMs and kernel learning, we propose \textit{kernel-wise adapters}, namely
\textit{Kernel-mix}, that utilize the kernel structure in self-attention to
guide the assignment of the tunable parameters. These adapters use guidelines
found in classical kernel learning and enable separate parameter tuning for
each attention head. Our empirical results, over a diverse set of natural
language generation and understanding tasks, show that our proposed adapters
can attain or improve the strong performance of existing baselines.
|
108,390 | 108,390 |
Precise Regret Bounds for Log-loss via a Truncated Bayesian Algorithm
|
We study the sequential general online regression, known also as the
sequential probability assignments, under logarithmic loss when compared
against a broad class of experts. We focus on obtaining tight, often matching,
lower and upper bounds for the sequential minimax regret that are defined as
the excess loss it incurs over a class of experts. After proving a general
upper bound, we consider some specific classes of experts from Lipschitz class
to bounded Hessian class and derive matching lower and upper bounds with
provably optimal constants. Our bounds work for a wide range of values of the
data dimension and the number of rounds. To derive lower bounds, we use tools
from information theory (e.g., Shtarkov sum) and for upper bounds, we resort to
new "smooth truncated covering" of the class of experts. This allows us to find
constructive proofs by applying a simple and novel truncated Bayesian
algorithm. Our proofs are substantially simpler than the existing ones and yet
provide tighter (and often optimal) bounds.
|
108,391 | 108,391 |
Optimal Lighting Control in Greenhouses Using Bayesian Neural Networks
for Sunlight Prediction
|
Controlling the environmental parameters, including light in greenhouses,
increases the crop yield; however, the electricity cost of supplemental
lighting can be high. Therefore, the importance of applying cost-effective
lighting methods arises. In this paper, an optimal supplemental lighting
control approach is developed considering a variational inference Bayesian
Neural Network (BNN) model for sunlight prediction. The predictive model is
validated through testing the model on the historical solar data of a site
located at North Carolina ($R^{2}$=0.9971, RMSE=1.8%). The proposed lighting
approach is shown to minimize electricity cost by considering the BNN-based
sunlight prediction, plant light needs, and variable electricity pricing when
solving the underlying optimization problem. For evaluation, the new strategy
is compared to: 1) a Markov-based prediction method, which solves the same
optimization problem, assuming a Markov model for sunlight prediction; 2) a
heuristic method which aims to supply a fixed amount of light. Simulation
studies are conducted to examine the electricity cost improvements of the
BNN-based approach. The results show that the BNN-based approach reduces cost
by (on average) 2.27% and 43.91% compared to the Markov prediction-based method
and the heuristic method, respectively, throughout a year.
|
108,392 | 108,392 |
FRC-TOuNN: Topology Optimization of Continuous Fiber Reinforced
Composites using Neural Network
|
In this paper, we present a topology optimization (TO) framework to
simultaneously optimize the matrix topology and fiber distribution of
functionally graded continuous fiber-reinforced composites (FRC). Current
approaches in density-based TO for FRC use the underlying finite element mesh
both for analysis and design representation. This poses several limitations
while enforcing sub-element fiber spacing and generating high-resolution
continuous fibers. In contrast, we propose a mesh-independent representation
based on a neural network (NN) both to capture the matrix topology and fiber
distribution. The implicit NN-based representation enables geometric and
material queries at a higher resolution than a mesh discretization. This leads
to the accurate extraction of functionally-graded continuous fibers. Further,
by integrating the finite element simulations into the NN computational
framework, we can leverage automatic differentiation for end-to-end automated
sensitivity analysis, i.e., we no longer need to manually derive cumbersome
sensitivity expressions. We demonstrate the effectiveness and computational
efficiency of the proposed method through several numerical examples involving
various objective functions. We also show that the optimized continuous fiber
reinforced composites can be directly fabricated at high resolution using
additive manufacturing.
|
108,393 | 108,393 |
Data-Driven Approximations of Chance Constrained Programs in
Nonstationary Environments
|
We study sample average approximations (SAA) of chance constrained programs.
SAA methods typically approximate the actual distribution in the chance
constraint using an empirical distribution constructed from random samples
assumed to be independent and identically distributed according to the actual
distribution. In this paper, we consider a nonstationary variant of this
problem, where the random samples are assumed to be independently drawn in a
sequential fashion from an unknown and possibly time-varying distribution. This
nonstationarity may be driven by changing environmental conditions present in
many real-world applications. To account for the potential nonstationarity in
the data generation process, we propose a novel robust SAA method exploiting
information about the Wasserstein distance between the sequence of
data-generating distributions and the actual chance constraint distribution. As
a key result, we obtain distribution-free estimates of the sample size required
to ensure that the robust SAA method will yield solutions that are feasible for
the chance constraint under the actual distribution with high confidence.
|
108,394 | 108,394 |
GOCPT: Generalized Online Canonical Polyadic Tensor Factorization and
Completion
|
Low-rank tensor factorization or completion is well-studied and applied in
various online settings, such as online tensor factorization (where the
temporal mode grows) and online tensor completion (where incomplete slices
arrive gradually). However, in many real-world settings, tensors may have more
complex evolving patterns: (i) one or more modes can grow; (ii) missing entries
may be filled; (iii) existing tensor elements can change. Existing methods
cannot support such complex scenarios. To fill the gap, this paper proposes a
Generalized Online Canonical Polyadic (CP) Tensor factorization and completion
framework (named GOCPT) for this general setting, where we maintain the CP
structure of such dynamic tensors during the evolution. We show that existing
online tensor factorization and completion setups can be unified under the
GOCPT framework. Furthermore, we propose a variant, named GOCPTE, to deal with
cases where historical tensor elements are unavailable (e.g., privacy
protection), which achieves similar fitness as GOCPT but with much less
computational cost. Experimental results demonstrate that our GOCPT can improve
fitness by up to 2:8% on the JHU Covid data and 9:2% on a proprietary patient
claim dataset over baselines. Our variant GOCPTE shows up to 1:2% and 5:5%
fitness improvement on two datasets with about 20% speedup compared to the best
model.
|
108,395 | 108,395 |
Learnability of Competitive Threshold Models
|
Modeling the spread of social contagions is central to various applications
in social computing. In this paper, we study the learnability of the
competitive threshold model from a theoretical perspective. We demonstrate how
competitive threshold models can be seamlessly simulated by artificial neural
networks with finite VC dimensions, which enables analytical sample complexity
and generalization bounds. Based on the proposed hypothesis space, we design
efficient algorithms under the empirical risk minimization scheme. The
theoretical insights are finally translated into practical and explainable
modeling methods, the effectiveness of which is verified through a sanity check
over a few synthetic and real datasets. The experimental results promisingly
show that our method enjoys a decent performance without using excessive data
points, outperforming off-the-shelf methods.
|
108,396 | 108,396 |
Select and Calibrate the Low-confidence: Dual-Channel Consistency based
Graph Convolutional Networks
|
The Graph Convolutional Networks (GCNs) have achieved excellent results in
node classification tasks, but the model's performance at low label rates is
still unsatisfactory. Previous studies in Semi-Supervised Learning (SSL) for
graph have focused on using network predictions to generate soft pseudo-labels
or instructing message propagation, which inevitably contains the incorrect
prediction due to the over-confident in the predictions. Our proposed
Dual-Channel Consistency based Graph Convolutional Networks (DCC-GCN) uses
dual-channel to extract embeddings from node features and topological
structures, and then achieves reliable low-confidence and high-confidence
samples selection based on dual-channel consistency. We further confirmed that
the low-confidence samples obtained based on dual-channel consistency were low
in accuracy, constraining the model's performance. Unlike previous studies
ignoring low-confidence samples, we calibrate the feature embeddings of the
low-confidence samples by using the neighborhood's high-confidence samples. Our
experiments have shown that the DCC-GCN can more accurately distinguish between
low-confidence and high-confidence samples, and can also significantly improve
the accuracy of low-confidence samples. We conducted extensive experiments on
the benchmark datasets and demonstrated that DCC-GCN is significantly better
than state-of-the-art baselines at different label rates.
|
108,397 | 108,397 |
Silence is Sweeter Than Speech: Self-Supervised Model Using Silence to
Store Speaker Information
|
Self-Supervised Learning (SSL) has made great strides recently. SSL speech
models achieve decent performance on a wide range of downstream tasks,
suggesting that they extract different aspects of information from speech.
However, how SSL models store various information in hidden representations
without interfering is still poorly understood. Taking the recently successful
SSL model, HuBERT, as an example, we explore how the SSL model processes and
stores speaker information in the representation. We found that HuBERT stores
speaker information in representations whose positions correspond to silences
in a waveform. There are several pieces of evidence. (1) We find that the
utterances with more silent parts in the waveforms have better Speaker
Identification (SID) accuracy. (2) If we use the whole utterances for SID, the
silence part always contributes more to the SID task. (3) If we only use the
representation of a part of the utterance for SID, the silenced part has higher
accuracy than the other parts. Our findings not only contribute to a better
understanding of SSL models but also improve performance. By simply adding
silence to the original waveform, HuBERT improved its accuracy on SID by nearly
2%.
|
108,398 | 108,398 |
Results of the NeurIPS'21 Challenge on Billion-Scale Approximate Nearest
Neighbor Search
|
Despite the broad range of algorithms for Approximate Nearest Neighbor
Search, most empirical evaluations of algorithms have focused on smaller
datasets, typically of 1 million points~\citep{Benchmark}. However, deploying
recent advances in embedding based techniques for search, recommendation and
ranking at scale require ANNS indices at billion, trillion or larger scale.
Barring a few recent papers, there is limited consensus on which algorithms are
effective at this scale vis-\`a-vis their hardware cost.
This competition compares ANNS algorithms at billion-scale by hardware cost,
accuracy and performance. We set up an open source evaluation framework and
leaderboards for both standardized and specialized hardware. The competition
involves three tracks. The standard hardware track T1 evaluates algorithms on
an Azure VM with limited DRAM, often the bottleneck in serving billion-scale
indices, where the embedding data can be hundreds of GigaBytes in size. It uses
FAISS~\citep{Faiss17} as the baseline. The standard hardware track T2
additional allows inexpensive SSDs in addition to the limited DRAM and uses
DiskANN~\citep{DiskANN19} as the baseline. The specialized hardware track T3
allows any hardware configuration, and again uses FAISS as the baseline.
We compiled six diverse billion-scale datasets, four newly released for this
competition, that span a variety of modalities, data types, dimensions, deep
learning models, distance functions and sources. The outcome of the competition
was ranked leaderboards of algorithms in each track based on recall at a query
throughput threshold. Additionally, for track T3, separate leaderboards were
created based on recall as well as cost-normalized and power-normalized query
throughput.
|
108,399 | 108,399 |
Transformer-Empowered 6G Intelligent Networks: From Massive MIMO
Processing to Semantic Communication
|
6G wireless networks are foreseen to speed up the convergence of the physical
and cyber worlds and to enable a paradigm-shift in the way we deploy and
exploit communication networks. Machine learning, in particular deep learning
(DL), is going to be one of the key technological enablers of 6G by offering a
new paradigm for the design and optimization of networks with a high level of
intelligence. In this article, we introduce an emerging DL architecture, known
as the transformer, and discuss its potential impact on 6G network design. We
first discuss the differences between the transformer and classical DL
architectures, and emphasize the transformer's self-attention mechanism and
strong representation capabilities, which make it particularly appealing in
tackling various challenges in wireless network design. Specifically, we
propose transformer-based solutions for massive multiple-input multiple-output
(MIMO) systems and various semantic communication problems in 6G networks.
Finally, we discuss key challenges and open issues in transformer-based
solutions, and identify future research directions for their deployment in
intelligent 6G networks.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.