Unnamed: 0.1
int64 0
113k
| Unnamed: 0
float64 0
113k
⌀ | title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|---|---|
107,400 | 107,400 |
Federated Contrastive Learning for Volumetric Medical Image Segmentation
|
Supervised deep learning needs a large amount of labeled data to achieve high
performance. However, in medical imaging analysis, each site may only have a
limited amount of data and labels, which makes learning ineffective. Federated
learning (FL) can help in this regard by learning a shared model while keeping
training data local for privacy. Traditional FL requires fully-labeled data for
training, which is inconvenient or sometimes infeasible to obtain due to high
labeling cost and the requirement of expertise. Contrastive learning (CL), as a
self-supervised learning approach, can effectively learn from unlabeled data to
pre-train a neural network encoder, followed by fine-tuning for downstream
tasks with limited annotations. However, when adopting CL in FL, the limited
data diversity on each client makes federated contrastive learning (FCL)
ineffective. In this work, we propose an FCL framework for volumetric medical
image segmentation with limited annotations. More specifically, we exchange the
features in the FCL pre-training process such that diverse contrastive data are
provided to each site for effective local CL while keeping raw data private.
Based on the exchanged features, global structural matching further leverages
the structural similarity to align local features to the remote ones such that
a unified feature space can be learned among different sites. Experiments on a
cardiac MRI dataset show the proposed framework substantially improves the
segmentation performance compared with state-of-the-art techniques.
|
107,401 | 107,401 |
Cerebral Palsy Prediction with Frequency Attention Informed Graph
Convolutional Networks
|
Early diagnosis and intervention are clinically considered the paramount part
of treating cerebral palsy (CP), so it is essential to design an efficient and
interpretable automatic prediction system for CP. We highlight a significant
difference between CP infants' frequency of human movement and that of the
healthy group, which improves prediction performance. However, the existing
deep learning-based methods did not use the frequency information of infants'
movement for CP prediction. This paper proposes a frequency attention informed
graph convolutional network and validates it on two consumer-grade RGB video
datasets, namely MINI-RGBD and RVI-38 datasets. Our proposed frequency
attention module aids in improving both classification performance and system
interpretability. In addition, we design a frequency-binning method that
retains the critical frequency of the human joint position data while filtering
the noise. Our prediction performance achieves state-of-the-art research on
both datasets. Our work demonstrates the effectiveness of frequency information
in supporting the prediction of CP non-intrusively and provides a way for
supporting the early diagnosis of CP in the resource-limited regions where the
clinical resources are not abundant.
|
107,402 | 107,402 |
Long-term Spatio-temporal Forecasting via Dynamic Multiple-Graph
Attention
|
Many real-world ubiquitous applications, such as parking recommendations and
air pollution monitoring, benefit significantly from accurate long-term
spatio-temporal forecasting (LSTF). LSTF makes use of long-term dependency
between spatial and temporal domains, contextual information, and inherent
pattern in the data. Recent studies have revealed the potential of multi-graph
neural networks (MGNNs) to improve prediction performance. However, existing
MGNN methods cannot be directly applied to LSTF due to several issues: the low
level of generality, insufficient use of contextual information, and the
imbalanced graph fusion approach. To address these issues, we construct new
graph models to represent the contextual information of each node and the
long-term spatio-temporal data dependency structure. To fuse the information
across multiple graphs, we propose a new dynamic multi-graph fusion module to
characterize the correlations of nodes within a graph and the nodes across
graphs via the spatial attention and graph attention mechanisms. Furthermore,
we introduce a trainable weight tensor to indicate the importance of each node
in different graphs. Extensive experiments on two large-scale datasets
demonstrate that our proposed approaches significantly improve the performance
of existing graph neural network models in LSTF prediction tasks.
|
107,403 | 107,403 |
GFCL: A GRU-based Federated Continual Learning Framework against
Adversarial Attacks in IoV
|
The integration of ML in 5G-based Internet of Vehicles (IoV) networks has
enabled intelligent transportation and smart traffic management. Nonetheless,
the security against adversarial attacks is also increasingly becoming a
challenging task. Specifically, Deep Reinforcement Learning (DRL) is one of the
widely used ML designs in IoV applications. The standard ML security techniques
are not effective in DRL where the algorithm learns to solve sequential
decision-making through continuous interaction with the environment, and the
environment is time-varying, dynamic, and mobile. In this paper, we propose a
Gated Recurrent Unit (GRU)-based federated continual learning (GFCL) anomaly
detection framework against adversarial attacks in IoV. The objective is to
present a lightweight and scalable framework that learns and detects the
illegitimate behavior without having a-priori training dataset consisting of
attack samples. We use GRU to predict a future data sequence to analyze and
detect illegitimate behavior from vehicles in a federated learning-based
distributed manner. We investigate the performance of our framework using
real-world vehicle mobility traces. The results demonstrate the effectiveness
of our proposed solution for different performance metrics.
|
107,404 | 107,404 |
A Novel Splitting Criterion Inspired by Geometric Mean Metric Learning
for Decision Tree
|
Decision tree (DT) attracts persistent research attention due to its
impressive empirical performance and interpretability in numerous applications.
However, the growth of traditional yet widely-used univariate decision trees
(UDTs) is quite time-consuming as they need to traverse all the features to
find the splitting value with the maximal reduction of the impurity at each
internal node. In this paper, we newly design a splitting criterion to speed up
the growth. The criterion is induced from Geometric Mean Metric Learning (GMML)
and then optimized under its diagonalized metric matrix constraint,
consequently, a closed-form rank of feature discriminant abilities can at once
be obtained and the top 1 feature at each node used to grow an intent DT
(called as dGMML-DT, where d is an abbreviation for diagonalization). We
evaluated the performance of the proposed methods and their corresponding
ensembles on benchmark datasets. The experiment shows that dGMML-DT achieves
comparable or better classification results more efficiently than the UDTs with
10x average speedup. Furthermore, dGMML-DT can straightforwardly be extended to
its multivariable counterpart (dGMML-MDT) without needing laborious operations.
|
107,405 | 107,405 |
Discriminative Feature Learning Framework with Gradient Preference for
Anomaly Detection
|
Unsupervised representation learning has been extensively employed in anomaly
detection, achieving impressive performance. Extracting valuable feature
vectors that can remarkably improve the performance of anomaly detection are
essential in unsupervised representation learning. To this end, we propose a
novel discriminative feature learning framework with gradient preference for
anomaly detection. Specifically, we firstly design a gradient preference based
selector to store powerful feature points in space and then construct a feature
repository, which alleviate the interference of redundant feature vectors and
improve inference efficiency. To overcome the looseness of feature vectors,
secondly, we present a discriminative feature learning with center constrain to
map the feature repository to a compact subspace, so that the anomalous samples
are more distinguishable from the normal ones. Moreover, our method can be
easily extended to anomaly localization. Extensive experiments on popular
industrial and medical anomaly detection datasets demonstrate our proposed
framework can achieve competitive results in both anomaly detection and
localization. More important, our method outperforms the state-of-the-art in
few shot anomaly detection.
|
107,406 | 107,406 |
Federated Geometric Monte Carlo Clustering to Counter Non-IID Datasets
|
Federated learning allows clients to collaboratively train models on datasets
that are acquired in different locations and that cannot be exchanged because
of their size or regulations. Such collected data is increasingly
non-independent and non-identically distributed (non-IID), negatively affecting
training accuracy. Previous works tried to mitigate the effects of non-IID
datasets on training accuracy, focusing mainly on non-IID labels, however
practical datasets often also contain non-IID features. To address both non-IID
labels and features, we propose FedGMCC, a novel framework where a central
server aggregates client models that it can cluster together. FedGMCC
clustering relies on a Monte Carlo procedure that samples the output space of
client models, infers their position in the weight space on a loss manifold and
computes their geometric connection via an affine curve parametrization.
FedGMCC aggregates connected models along their path connectivity to produce a
richer global model, incorporating knowledge of all connected client models.
FedGMCC outperforms FedAvg and FedProx in terms of convergence rates on the
EMNIST62 and a genomic sequence classification datasets (by up to +63%).
FedGMCC yields an improved accuracy (+4%) on the genomic dataset with respect
to CFL, in high non-IID feature space settings and label incongruency.
|
107,407 | 107,407 |
Exploring Negatives in Contrastive Learning for Unpaired Image-to-Image
Translation
|
Unpaired image-to-image translation aims to find a mapping between the source
domain and the target domain. To alleviate the problem of the lack of
supervised labels for the source images, cycle-consistency based methods have
been proposed for image structure preservation by assuming a reversible
relationship between unpaired images. However, this assumption only uses
limited correspondence between image pairs. Recently, contrastive learning (CL)
has been used to further investigate the image correspondence in unpaired image
translation by using patch-based positive/negative learning. Patch-based
contrastive routines obtain the positives by self-similarity computation and
recognize the rest patches as negatives. This flexible learning paradigm
obtains auxiliary contextualized information at a low cost. As the negatives
own an impressive sample number, with curiosity, we make an investigation based
on a question: are all negatives necessary for feature contrastive learning?
Unlike previous CL approaches that use negatives as much as possible, in this
paper, we study the negatives from an information-theoretic perspective and
introduce a new negative Pruning technology for Unpaired image-to-image
Translation (PUT) by sparsifying and ranking the patches. The proposed
algorithm is efficient, flexible and enables the model to learn essential
information between corresponding patches stably. By putting quality over
quantity, only a few negative patches are required to achieve better results.
Lastly, we validate the superiority, stability, and versatility of our model
through comparative experiments.
|
107,408 | 107,408 |
Reinforced Causal Explainer for Graph Neural Networks
|
Explainability is crucial for probing graph neural networks (GNNs), answering
questions like "Why the GNN model makes a certain prediction?". Feature
attribution is a prevalent technique of highlighting the explanatory subgraph
in the input graph, which plausibly leads the GNN model to make its prediction.
Various attribution methods exploit gradient-like or attention scores as the
attributions of edges, then select the salient edges with top attribution
scores as the explanation. However, most of these works make an untenable
assumption - the selected edges are linearly independent - thus leaving the
dependencies among edges largely unexplored, especially their coalition effect.
We demonstrate unambiguous drawbacks of this assumption - making the
explanatory subgraph unfaithful and verbose. To address this challenge, we
propose a reinforcement learning agent, Reinforced Causal Explainer
(RC-Explainer). It frames the explanation task as a sequential decision process
- an explanatory subgraph is successively constructed by adding a salient edge
to connect the previously selected subgraph. Technically, its policy network
predicts the action of edge addition, and gets a reward that quantifies the
action's causal effect on the prediction. Such reward accounts for the
dependency of the newly-added edge and the previously-added edges, thus
reflecting whether they collaborate together and form a coalition to pursue
better explanations. As such, RC-Explainer is able to generate faithful and
concise explanations, and has a better generalization power to unseen graphs.
When explaining different GNNs on three graph classification datasets,
RC-Explainer achieves better or comparable performance to SOTA approaches
w.r.t. predictive accuracy and contrastivity, and safely passes sanity checks
and visual inspections. Codes are available at
https://github.com/xiangwang1223/reinforced_causal_explainer.
|
107,409 | 107,409 |
Improving Self-Supervised Learning-based MOS Prediction Networks
|
MOS (Mean Opinion Score) is a subjective method used for the evaluation of a
system's quality. Telecommunications (for voice and video), and speech
synthesis systems (for generated speech) are a few of the many applications of
the method. While MOS tests are widely accepted, they are time-consuming and
costly since human input is required. In addition, since the systems and
subjects of the tests differ, the results are not really comparable. On the
other hand, a large number of previous tests allow us to train machine learning
models that are capable of predicting MOS value. By automatically predicting
MOS values, both the aforementioned issues can be resolved.
The present work introduces data-, training- and post-training specific
improvements to a previous self-supervised learning-based MOS prediction model.
We used a wav2vec 2.0 model pre-trained on LibriSpeech, extended with LSTM and
non-linear dense layers. We introduced transfer learning, target data
preprocessing a two- and three-phase training method with different batch
formulations, dropout accumulation (for larger batch sizes) and quantization of
the predictions.
The methods are evaluated using the shared synthetic speech dataset of the
first Voice MOS challenge.
|
107,410 | 107,410 |
Industry-Academia Research Collaboration in Software Engineering: The
Certus Model
|
Context: Research collaborations between software engineering industry and
academia can provide significant benefits to both sides, including improved
innovation capacity for industry, and real-world environment for motivating and
validating research ideas. However, building scalable and effective research
collaborations in software engineering is known to be challenging. While such
challenges can be varied and many, in this paper we focus on the challenges of
achieving participative knowledge creation supported by active dialog between
industry and academia and continuous commitment to joint problem solving.
Objective: This paper aims to understand what are the elements of a successful
industry-academia collaboration that enable the culture of participative
knowledge creation. Method: We conducted participant observation collecting
qualitative data spanning 8 years of collaborative research between a software
engineering research group on software V&V and the Norwegian IT sector. The
collected data was analyzed and synthesized into a practical collaboration
model, named the Certus Model. Results: The model is structured in seven
phases, describing activities from setting up research projects to the
exploitation of research results. As such, the Certus model advances other
collaborations models from literature by delineating different phases covering
the complete life cycle of participative research knowledge creation.
Conclusion: The Certus model describes the elements of a research collaboration
process between researchers and practitioners in software engineering, grounded
on the principles of research knowledge co-creation and continuous commitment
to joint problem solving. The model can be applied and tested in other contexts
where it may be adapted to the local context through experimentation.
|
107,411 | 107,411 |
$\pi$BO: Augmenting Acquisition Functions with User Beliefs for Bayesian
Optimization
|
Bayesian optimization (BO) has become an established framework and popular
tool for hyperparameter optimization (HPO) of machine learning (ML) algorithms.
While known for its sample-efficiency, vanilla BO can not utilize readily
available prior beliefs the practitioner has on the potential location of the
optimum. Thus, BO disregards a valuable source of information, reducing its
appeal to ML practitioners. To address this issue, we propose $\pi$BO, an
acquisition function generalization which incorporates prior beliefs about the
location of the optimum in the form of a probability distribution, provided by
the user. In contrast to previous approaches, $\pi$BO is conceptually simple
and can easily be integrated with existing libraries and many acquisition
functions. We provide regret bounds when $\pi$BO is applied to the common
Expected Improvement acquisition function and prove convergence at regular
rates independently of the prior. Further, our experiments show that $\pi$BO
outperforms competing approaches across a wide suite of benchmarks and prior
characteristics. We also demonstrate that $\pi$BO improves on the
state-of-the-art performance for a popular deep learning task, with a 12.5
$\times$ time-to-accuracy speedup over prominent BO approaches.
|
107,412 | 107,412 |
Dimension Reduction for time series with Variational AutoEncoders
|
In this work, we explore dimensionality reduction techniques for univariate
and multivariate time series data. We especially conduct a comparison between
wavelet decomposition and convolutional variational autoencoders for dimension
reduction. We show that variational autoencoders are a good option for reducing
the dimension of high dimensional data like ECG. We make these comparisons on a
real world, publicly available, ECG dataset that has lots of variability and
use the reconstruction error as the metric. We then explore the robustness of
these models with noisy data whether for training or inference. These tests are
intended to reflect the problems that exist in real-world time series data and
the VAE was robust to both tests.
|
107,413 | 107,413 |
Selective clustering ensemble based on kappa and F-score
|
Clustering ensemble has an impressive performance in improving the accuracy
and robustness of partition results and has received much attention in recent
years. Selective clustering ensemble (SCE) can further improve the ensemble
performance by selecting base partitions or clusters in according to diversity
and stability. However, there is a conflict between diversity and stability,
and how to make the trade-off between the two is challenging. The key here is
how to evaluate the quality of the base partitions and clusters. In this paper,
we propose a new evaluation method for partitions and clusters using kappa and
F-score, leading to a new SCE method, which uses kappa to select informative
base partitions and uses F-score to weight clusters based on stability. The
effectiveness and efficiency of the proposed method is empirically validated
over real datasets.
|
107,414 | 107,414 |
Transformation Invariant Cancerous Tissue Classification Using Spatially
Transformed DenseNet
|
In this work, we introduce a spatially transformed DenseNet architecture for
transformation invariant classification of cancer tissue. Our architecture
increases the accuracy of the base DenseNet architecture while adding the
ability to operate in a transformation invariant way while simultaneously being
simpler than other models that try to provide some form of invariance.
|
107,415 | 107,415 |
Grad-SAM: Explaining Transformers via Gradient Self-Attention Maps
|
Transformer-based language models significantly advanced the state-of-the-art
in many linguistic tasks. As this revolution continues, the ability to explain
model predictions has become a major area of interest for the NLP community. In
this work, we present Gradient Self-Attention Maps (Grad-SAM) - a novel
gradient-based method that analyzes self-attention units and identifies the
input elements that explain the model's prediction the best. Extensive
evaluations on various benchmarks show that Grad-SAM obtains significant
improvements over state-of-the-art alternatives.
|
107,416 | 107,416 |
Smart App Attack: Hacking Deep Learning Models in Android Apps
|
On-device deep learning is rapidly gaining popularity in mobile applications.
Compared to offloading deep learning from smartphones to the cloud, on-device
deep learning enables offline model inference while preserving user privacy.
However, such mechanisms inevitably store models on users' smartphones and may
invite adversarial attacks as they are accessible to attackers. Due to the
characteristic of the on-device model, most existing adversarial attacks cannot
be directly applied for on-device models. In this paper, we introduce a
grey-box adversarial attack framework to hack on-device models by crafting
highly similar binary classification models based on identified transfer
learning approaches and pre-trained models from TensorFlow Hub. We evaluate the
attack effectiveness and generality in terms of four different settings
including pre-trained models, datasets, transfer learning approaches and
adversarial attack algorithms. The results demonstrate that the proposed
attacks remain effective regardless of different settings, and significantly
outperform state-of-the-art baselines. We further conduct an empirical study on
real-world deep learning mobile apps collected from Google Play. Among 53 apps
adopting transfer learning, we find that 71.7\% of them can be successfully
attacked, which includes popular ones in medicine, automation, and finance
categories with critical usage scenarios. The results call for the awareness
and actions of deep learning mobile app developers to secure the on-device
models. The code of this work is available at
https://github.com/Jinxhy/SmartAppAttack
|
107,417 | 107,417 |
On the semantics of big Earth observation data for land classification
|
This paper discusses the challenges of using big Earth observation data for
land classification. The approach taken is to consider pure data-driven methods
to be insufficient to represent continuous change. We argue for sound theories
when working with big data. After revising existing classification schemes such
as FAO's Land Cover Classification System (LCCS), we conclude that LCCS and
similar proposals cannot capture the complexity of landscape dynamics. We then
investigate concepts that are being used for analyzing satellite image time
series; we show these concepts to be instances of events. Therefore, for
continuous monitoring of land change, event recognition needs to replace object
identification as the prevailing paradigm. The paper concludes by showing how
event semantics can improve data-driven methods to fulfil the potential of big
data.
|
107,418 | 107,418 |
Time Series Forecasting (TSF) Using Various Deep Learning Models
|
Time Series Forecasting (TSF) is used to predict the target variables at a
future time point based on the learning from previous time points. To keep the
problem tractable, learning methods use data from a fixed length window in the
past as an explicit input. In this paper, we study how the performance of
predictive models change as a function of different look-back window sizes and
different amounts of time to predict into the future. We also consider the
performance of the recent attention-based Transformer models, which has had
good success in the image processing and natural language processing domains.
In all, we compare four different deep learning methods (RNN, LSTM, GRU, and
Transformer) along with a baseline method. The dataset (hourly) we used is the
Beijing Air Quality Dataset from the UCI website, which includes a multivariate
time series of many factors measured on an hourly basis for a period of 5 years
(2010-14). For each model, we also report on the relationship between the
performance and the look-back window sizes and the number of predicted time
points into the future. Our experiments suggest that Transformer models have
the best performance with the lowest Mean Average Errors (MAE = 14.599, 23.273)
and Root Mean Square Errors (RSME = 23.573, 38.131) for most of our single-step
and multi-steps predictions. The best size for the look-back window to predict
1 hour into the future appears to be one day, while 2 or 4 days perform the
best to predict 3 hours into the future.
|
107,419 | 107,419 |
Exploring the Role of Task Transferability in Large-Scale Multi-Task
Learning
|
Recent work has found that multi-task training with a large number of diverse
tasks can uniformly improve downstream performance on unseen target tasks. In
contrast, literature on task transferability has established that the choice of
intermediate tasks can heavily affect downstream task performance. In this
work, we aim to disentangle the effect of scale and relatedness of tasks in
multi-task representation learning. We find that, on average, increasing the
scale of multi-task learning, in terms of the number of tasks, indeed results
in better learned representations than smaller multi-task setups. However, if
the target tasks are known ahead of time, then training on a smaller set of
related tasks is competitive to the large-scale multi-task training at a
reduced computational cost.
|
107,420 | 107,420 |
Can domain adaptation make object recognition work for everyone?
|
Despite the rapid progress in deep visual recognition, modern computer vision
datasets significantly overrepresent the developed world and models trained on
such datasets underperform on images from unseen geographies. We investigate
the effectiveness of unsupervised domain adaptation (UDA) of such models across
geographies at closing this performance gap. To do so, we first curate two
shifts from existing datasets to study the Geographical DA problem, and
discover new challenges beyond data distribution shift: context shift, wherein
object surroundings may change significantly across geographies, and
subpopulation shift, wherein the intra-category distributions may shift. We
demonstrate the inefficacy of standard DA methods at Geographical DA,
highlighting the need for specialized geographical adaptation solutions to
address the challenge of making object recognition work for everyone.
|
107,421 | 107,421 |
U-NO: U-shaped Neural Operators
|
Neural operators generalize classical neural networks to maps between
infinite-dimensional spaces, e.g. function spaces. Prior works on neural
operators proposed a series of novel architectures to learn such maps and
demonstrated unprecedented success in learning solution operators of partial
differential equations. Due to their close proximity to fully connected
architectures, these models mainly suffer from high memory usage and are
generally limited to shallow deep learning models. In this paper, we propose
U-shaped Neural Operator (U-NO), a U-shaped memory enhanced architecture that
allows for deeper neural operators. U-NOs exploit the problem structures in
function predictions and demonstrate fast training, data efficiency, and
robustness with respect to hyperparameters choices. We study the performance of
U-NO on PDE benchmarks, namely, Darcy's flow law and the Navier-Stokes
equations. We show that U-NO results in an average of 14% and 34% prediction
improvement on Darcy's flow and turbulent Navier-Stokes equations,
respectively, over the state of art. On Navier-Stokes 3D spatio-temporal
operator learning task, we show U-NO provides 40% improvement over the state of
art methods.
|
107,422 | 107,422 |
Data Debugging with Shapley Importance over End-to-End Machine Learning
Pipelines
|
Developing modern machine learning (ML) applications is data-centric, of
which one fundamental challenge is to understand the influence of data quality
to ML training -- "Which training examples are 'guilty' in making the trained
ML model predictions inaccurate or unfair?" Modeling data influence for ML
training has attracted intensive interest over the last decade, and one popular
framework is to compute the Shapley value of each training example with respect
to utilities such as validation accuracy and fairness of the trained ML model.
Unfortunately, despite recent intensive interest and research, existing methods
only consider a single ML model "in isolation" and do not consider an
end-to-end ML pipeline that consists of data transformations, feature
extractors, and ML training.
We present DataScope (ease.ml/datascope), the first system that efficiently
computes Shapley values of training examples over an end-to-end ML pipeline,
and illustrate its applications in data debugging for ML training. To this end,
we first develop a novel algorithmic framework that computes Shapley value over
a specific family of ML pipelines that we call canonical pipelines: a positive
relational algebra query followed by a K-nearest-neighbor (KNN) classifier. We
show that, for many subfamilies of canonical pipelines, computing Shapley value
is in PTIME, contrasting the exponential complexity of computing Shapley value
in general. We then put this to practice -- given an sklearn pipeline, we
approximate it with a canonical pipeline to use as a proxy. We conduct
extensive experiments illustrating different use cases and utilities. Our
results show that DataScope is up to four orders of magnitude faster over
state-of-the-art Monte Carlo-based methods, while being comparably, and often
even more, effective in data debugging.
|
107,423 | 107,423 |
AZ-whiteness test: a test for uncorrelated noise on spatio-temporal
graphs
|
We present the first whiteness test for graphs, i.e., a whiteness test for
multivariate time series associated with the nodes of a dynamic graph. The
statistical test aims at finding serial dependencies among close-in-time
observations, as well as spatial dependencies among neighboring observations
given the underlying graph. The proposed test is a spatio-temporal extension of
traditional tests from the system identification literature and finds
applications in similar, yet more general, application scenarios involving
graph signals. The AZ-test is versatile, allowing the underlying graph to be
dynamic, changing in topology and set of nodes, and weighted, thus accounting
for connections of different strength, as is the case in many application
scenarios like transportation networks and sensor grids. The asymptotic
distribution -- as the number of graph edges or temporal observations increases
-- is known, and does not assume identically distributed data. We validate the
practical value of the test on both synthetic and real-world problems, and show
how the test can be employed to assess the quality of spatio-temporal
forecasting models by analyzing the prediction residuals appended to the graphs
stream.
|
107,424 | 107,424 |
Use of Multifidelity Training Data and Transfer Learning for Efficient
Construction of Subsurface Flow Surrogate Models
|
Data assimilation presents computational challenges because many
high-fidelity models must be simulated. Various deep-learning-based surrogate
modeling techniques have been developed to reduce the simulation costs
associated with these applications. However, to construct data-driven surrogate
models, several thousand high-fidelity simulation runs may be required to
provide training samples, and these computations can make training
prohibitively expensive. To address this issue, in this work we present a
framework where most of the training simulations are performed on coarsened
geomodels. These models are constructed using a flow-based upscaling method.
The framework entails the use of a transfer-learning procedure, incorporated
within an existing recurrent residual U-Net architecture, in which network
training is accomplished in three steps. In the first step. where the bulk of
the training is performed, only low-fidelity simulation results are used. The
second and third steps, in which the output layer is trained and the overall
network is fine-tuned, require a relatively small number of high-fidelity
simulations. Here we use 2500 low-fidelity runs and 200 high-fidelity runs,
which leads to about a 90% reduction in training simulation costs. The method
is applied for two-phase subsurface flow in 3D channelized systems, with flow
driven by wells. The surrogate model trained with multifidelity data is shown
to be nearly as accurate as a reference surrogate trained with only
high-fidelity data in predicting dynamic pressure and saturation fields in new
geomodels. Importantly, the network provides results that are significantly
more accurate than the low-fidelity simulations used for most of the training.
The multifidelity surrogate is also applied for history matching using an
ensemble-based procedure, where accuracy relative to reference results is again
demonstrated.
|
107,425 | 107,425 |
Graph Neural Network based Agent in Google Research Football
|
Deep neural networks (DNN) can approximate value functions or policies for
reinforcement learning, which makes the reinforcement learning algorithms more
powerful. However, some DNNs, such as convolutional neural networks (CNN),
cannot extract enough information or take too long to obtain enough features
from the inputs under specific circumstances of reinforcement learning. For
example, the input data of Google Research Football, a reinforcement learning
environment which trains agents to play football, is the small map of players'
locations. The information is contained not only in the coordinates of players,
but also in the relationships between different players. CNNs can neither
extract enough information nor take too long to train. To address this issue,
this paper proposes a deep q-learning network (DQN) with a graph neural network
(GNN) as its model. The GNN transforms the input data into a graph which better
represents the football players' locations so that it extracts more information
of the interactions between different players. With two GNNs to approximate its
local and target value functions, this DQN allows players to learn from their
experience by using value functions to see the prospective value of each
intended action. The proposed model demonstrated the power of GNN in the
football game by outperforming other DRL models with significantly fewer steps.
|
107,426 | 107,426 |
Competitive Physics Informed Networks
|
Physics Informed Neural Networks (PINNs) solve partial differential equations
(PDEs) by representing them as neural networks. The original PINN
implementation does not provide high accuracy, typically attaining about
$0.1\%$ relative error. We formulate and test an adversarial approach called
competitive PINNs (CPINNs) to overcome this limitation. CPINNs train a
discriminator that is rewarded for predicting PINN mistakes. The discriminator
and PINN participate in a zero-sum game with the exact PDE solution as an
optimal strategy. This approach avoids the issue of squaring the large
condition numbers of PDE discretizations. Numerical experiments show that a
CPINN trained with competitive gradient descent can achieve errors two orders
of magnitude smaller than that of a PINN trained with Adam or stochastic
gradient descent.
|
107,427 | 107,427 |
Learning and Inference in Sparse Coding Models with Langevin Dynamics
|
We describe a stochastic, dynamical system capable of inference and learning
in a probabilistic latent variable model. The most challenging problem in such
models - sampling the posterior distribution over latent variables - is
proposed to be solved by harnessing natural sources of stochasticity inherent
in electronic and neural systems. We demonstrate this idea for a sparse coding
model by deriving a continuous-time equation for inferring its latent variables
via Langevin dynamics. The model parameters are learned by simultaneously
evolving according to another continuous-time equation, thus bypassing the need
for digital accumulators or a global clock. Moreover we show that Langevin
dynamics lead to an efficient procedure for sampling from the posterior
distribution in the 'L0 sparse' regime, where latent variables are encouraged
to be set to zero as opposed to having a small L1 norm. This allows the model
to properly incorporate the notion of sparsity rather than having to resort to
a relaxed version of sparsity to make optimization tractable. Simulations of
the proposed dynamical system on both synthetic and natural image datasets
demonstrate that the model is capable of probabilistically correct inference,
enabling learning of the dictionary as well as parameters of the prior.
|
107,428 | 107,428 |
Subgroup Fairness in Graph-based Spam Detection
|
Fake reviews are prevalent on review websites such as Amazon and Yelp. GNN is
the state-of-the-art method that can detect suspicious reviewers by exploiting
the topologies of the graph connecting reviewers, reviews, and target products.
However, the discrepancy in the detection accuracy over different groups of
reviewers causes discriminative treatment of different reviewers of the
websites, leading to less engagement and trustworthiness of such websites. The
complex dependencies over the review graph introduce difficulties in teasing
out subgroups of reviewers that are hidden within larger groups and are treated
unfairly. There is no previous study that defines and discovers the subtle
subgroups to improve equitable treatment of reviewers. This paper addresses the
challenges of defining, discovering, and utilizing subgroup memberships for
fair spam detection. We first define a subgroup membership that can lead to
discrepant accuracy in the subgroups. Since the subgroup membership is usually
not observable while also important to guide the GNN detector to balance the
treatment, we design a model that jointly infers the hidden subgroup
memberships and exploits the membership for calibrating the target GNN's
detection accuracy across subgroups. Comprehensive results on two large Yelp
review datasets demonstrate that the proposed model can be trained to treat the
subgroups more fairly.
|
107,429 | 107,429 |
RelViT: Concept-guided Vision Transformer for Visual Relational
Reasoning
|
Reasoning about visual relationships is central to how humans interpret the
visual world. This task remains challenging for current deep learning
algorithms since it requires addressing three key technical problems jointly:
1) identifying object entities and their properties, 2) inferring semantic
relations between pairs of entities, and 3) generalizing to novel
object-relation combinations, i.e., systematic generalization. In this work, we
use vision transformers (ViTs) as our base model for visual reasoning and make
better use of concepts defined as object entities and their relations to
improve the reasoning ability of ViTs. Specifically, we introduce a novel
concept-feature dictionary to allow flexible image feature retrieval at
training time with concept keys. This dictionary enables two new concept-guided
auxiliary tasks: 1) a global task for promoting relational reasoning, and 2) a
local task for facilitating semantic object-centric correspondence learning. To
examine the systematic generalization of visual reasoning models, we introduce
systematic splits for the standard HICO and GQA benchmarks. We show the
resulting model, Concept-guided Vision Transformer (or RelViT for short)
significantly outperforms prior approaches on HICO and GQA by 16% and 13% in
the original split, and by 43% and 18% in the systematic split. Our ablation
analyses also reveal our model's compatibility with multiple ViT variants and
robustness to hyper-parameters.
|
107,430 | 107,430 |
Generalized Lagrange Coded Computing: A Flexible
Computation-Communication Tradeoff
|
We consider the problem of evaluating arbitrary multivariate polynomials over
a massive dataset, in a distributed computing system with a master node and
multiple worker nodes. Generalized Lagrange Coded Computing (GLCC) codes are
proposed to provide robustness against stragglers who do not return computation
results in time, adversarial workers who deliberately modify results for their
benefit, and information-theoretic security of the dataset amidst possible
collusion of workers. GLCC codes are constructed by first partitioning the
dataset into multiple groups, and then encoding the dataset using carefully
designed interpolation polynomials, such that interference computation results
across groups can be eliminated at the master. Particularly, GLCC codes include
the state-of-the-art Lagrange Coded Computing (LCC) codes as a special case,
and achieve a more flexible tradeoff between communication and computation
overheads in optimizing system efficiency.
|
107,431 | 107,431 |
Complete Policy Regret Bounds for Tallying Bandits
|
Policy regret is a well established notion of measuring the performance of an
online learning algorithm against an adaptive adversary. We study restrictions
on the adversary that enable efficient minimization of the \emph{complete
policy regret}, which is the strongest possible version of policy regret. We
identify a gap in the current theoretical understanding of what sorts of
restrictions permit tractability in this challenging setting. To resolve this
gap, we consider a generalization of the stochastic multi armed bandit, which
we call the \emph{tallying bandit}. This is an online learning setting with an
$m$-memory bounded adversary, where the average loss for playing an action is
an unknown function of the number (or tally) of times that the action was
played in the last $m$ timesteps. For tallying bandit problems with $K$ actions
and time horizon $T$, we provide an algorithm that w.h.p achieves a complete
policy regret guarantee of $\tilde{\mathcal{O}}(mK\sqrt{T})$, where the
$\tilde{\mathcal{O}}$ notation hides only logarithmic factors. We additionally
prove an $\tilde\Omega(\sqrt{m K T})$ lower bound on the expected complete
policy regret of any tallying bandit algorithm, demonstrating the near
optimality of our method.
|
107,432 | 107,432 |
Realistic Evaluation of Transductive Few-Shot Learning
|
Transductive inference is widely used in few-shot learning, as it leverages
the statistics of the unlabeled query set of a few-shot task, typically
yielding substantially better performances than its inductive counterpart. The
current few-shot benchmarks use perfectly class-balanced tasks at inference. We
argue that such an artificial regularity is unrealistic, as it assumes that the
marginal label probability of the testing samples is known and fixed to the
uniform distribution. In fact, in realistic scenarios, the unlabeled query sets
come with arbitrary and unknown label marginals. We introduce and study the
effect of arbitrary class distributions within the query sets of few-shot tasks
at inference, removing the class-balance artefact. Specifically, we model the
marginal probabilities of the classes as Dirichlet-distributed random
variables, which yields a principled and realistic sampling within the simplex.
This leverages the current few-shot benchmarks, building testing tasks with
arbitrary class distributions. We evaluate experimentally state-of-the-art
transductive methods over 3 widely used data sets, and observe, surprisingly,
substantial performance drops, even below inductive methods in some cases.
Furthermore, we propose a generalization of the mutual-information loss, based
on $\alpha$-divergences, which can handle effectively class-distribution
variations. Empirically, we show that our transductive $\alpha$-divergence
optimization outperforms state-of-the-art methods across several data sets,
models and few-shot settings. Our code is publicly available at
https://github.com/oveilleux/Realistic_Transductive_Few_Shot.
|
107,433 | 107,433 |
M2N: Mesh Movement Networks for PDE Solvers
|
Mainstream numerical Partial Differential Equation (PDE) solvers require
discretizing the physical domain using a mesh. Mesh movement methods aim to
improve the accuracy of the numerical solution by increasing mesh resolution
where the solution is not well-resolved, whilst reducing unnecessary resolution
elsewhere. However, mesh movement methods, such as the Monge-Ampere method,
require the solution of auxiliary equations, which can be extremely expensive
especially when the mesh is adapted frequently. In this paper, we propose to
our best knowledge the first learning-based end-to-end mesh movement framework
for PDE solvers. Key requirements of learning-based mesh movement methods are
alleviating mesh tangling, boundary consistency, and generalization to mesh
with different resolutions. To achieve these goals, we introduce the neural
spline model and the graph attention network (GAT) into our models
respectively. While the Neural-Spline based model provides more flexibility for
large deformation, the GAT based model can handle domains with more complicated
shapes and is better at performing delicate local deformation. We validate our
methods on stationary and time-dependent, linear and non-linear equations, as
well as regularly and irregularly shaped domains. Compared to the traditional
Monge-Ampere method, our approach can greatly accelerate the mesh adaptation
process, whilst achieving comparable numerical error reduction.
|
107,434 | 107,434 |
Embedding Knowledge for Document Summarization: A Survey
|
Knowledge-aware methods have boosted a range of Natural Language Processing
applications over the last decades. With the gathered momentum, knowledge
recently has been pumped into enormous attention in document summarization
research. Previous works proved that knowledge-embedded document summarizers
excel at generating superior digests, especially in terms of informativeness,
coherence, and fact consistency. This paper pursues to present the first
systematic survey for the state-of-the-art methodologies that embed knowledge
into document summarizers. Particularly, we propose novel taxonomies to
recapitulate knowledge and knowledge embeddings under the document
summarization view. We further explore how embeddings are generated in learning
architectures of document summarization models, especially in deep learning
models. At last, we discuss the challenges of this topic and future directions.
|
107,435 | 107,435 |
Bounding the Effects of Continuous Treatments for Hidden Confounders
|
Observational studies often seek to infer the causal effect of a treatment
even though both the assigned treatment and the outcome depend on other
confounding variables. An effective strategy for dealing with confounders is to
estimate a propensity model that corrects for the relationship between
covariates and assigned treatment. Unfortunately, the confounding variables
themselves are not always observed, in which case we can only bound the
propensity, and therefore bound the magnitude of causal effects. In many
important cases, like administering a dose of some medicine, the possible
treatments belong to a continuum. Sensitivity models, which are required to tie
the true propensity to something that can be estimated, have been explored for
binary treatments. We propose one for continuous treatments. We develop a
framework to compute ignorance intervals on the partially identified
dose-response curves, enabling us to quantify the susceptibility of an
inference to hidden confounders. We show with simulations and three real-world
observational studies that our approach can give non-trivial bounds on causal
effects from continuous treatments in the presence of hidden confounders.
|
107,436 | 107,436 |
COVID-Net Biochem: An Explainability-driven Framework to Building
Machine Learning Models for Predicting Survival and Kidney Injury of COVID-19
Patients from Clinical and Biochemistry Data
|
Ever since the declaration of COVID-19 as a pandemic by the World Health
Organization in 2020, the world has continued to struggle in controlling and
containing the spread of the COVID-19 pandemic caused by the SARS-CoV-2 virus.
This has been especially challenging with the rise of the Omicron variant and
its subvariants and recombinants, which has led to a significant increase in
patients seeking treatment and has put a tremendous burden on hospitals and
healthcare systems. A major challenge faced during the pandemic has been the
prediction of survival and the risk for additional injuries in individual
patients, which requires significant clinical expertise and additional
resources to avoid further complications. In this study we propose COVID-Net
Biochem, an explainability-driven framework for building machine learning
models to predict patient survival and the chance of developing kidney injury
during hospitalization from clinical and biochemistry data in a transparent and
systematic manner. In the first "clinician-guided initial design" phase, we
prepared a benchmark dataset of carefully selected clinical and biochemistry
data based on clinician assessment, which were curated from a patient cohort of
1366 patients at Stony Brook University. A collection of different machine
learning models with a diversity of gradient based boosting tree architectures
and deep transformer architectures was designed and trained specifically for
survival and kidney injury prediction based on the carefully selected clinical
and biochemical markers.
|
107,437 | 107,437 |
Graph Neural Network-based Early Bearing Fault Detection
|
Early detection of faults is of importance to avoid catastrophic accidents
and ensure safe operation of machinery. A novel graph neural network-based
fault detection method is proposed to build a bridge between AI and real-world
running mechanical systems. First, the vibration signals, which are Euclidean
structured data, are converted into graph (non-Euclidean structured data), so
that the vibration signals, which are originally independent of each other, are
correlated with each other. Second, inputs the dataset together with its
corresponding graph into the GNN for training, which contains graphs in each
hidden layer of the network, enabling the graph neural network to learn the
feature values of itself and its neighbors, and the obtained early features
have stronger discriminability. Finally, determines the top-n objects that are
difficult to reconstruct in the output layer of the GNN as fault objects. A
public datasets of bearings have been used to verify the effectiveness of the
proposed method. We find that the proposed method can successfully detect
faulty objects that are mixed in the normal object region.
|
107,438 | 107,438 |
Lesion Localization in OCT by Semi-Supervised Object Detection
|
Over 300 million people worldwide are affected by various retinal diseases.
By noninvasive Optical Coherence Tomography (OCT) scans, a number of abnormal
structural changes in the retina, namely retinal lesions, can be identified.
Automated lesion localization in OCT is thus important for detecting retinal
diseases at their early stage. To conquer the lack of manual annotation for
deep supervised learning, this paper presents a first study on utilizing
semi-supervised object detection (SSOD) for lesion localization in OCT images.
To that end, we develop a taxonomy to provide a unified and structured
viewpoint of the current SSOD methods, and consequently identify key modules in
these methods. To evaluate the influence of these modules in the new task, we
build OCT-SS, a new dataset consisting of over 1k expert-labeled OCT B-scan
images and over 13k unlabeled B-scans. Extensive experiments on OCT-SS identify
Unbiased Teacher (UnT) as the best current SSOD method for lesion localization.
Moreover, we improve over this strong baseline, with mAP increased from 49.34
to 50.86.
|
107,439 | 107,439 |
Piecewise-Linear Activations or Analytic Activation Functions: Which
Produce More Expressive Neural Networks?
|
Many currently available universal approximation theorems affirm that deep
feedforward networks defined using any suitable activation function can
approximate any integrable function locally in $L^1$-norm. Though different
approximation rates are available for deep neural networks defined using other
classes of activation functions, there is little explanation for the
empirically confirmed advantage that ReLU networks exhibit over their classical
(e.g. sigmoidal) counterparts. Our main result demonstrates that deep networks
with piecewise linear activation (e.g. ReLU or PReLU) are fundamentally more
expressive than deep feedforward networks with analytic (e.g. sigmoid, Swish,
GeLU, or Softplus). More specifically, we construct a strict refinement of the
topology on the space $L^1_{\operatorname{loc}}(\mathbb{R}^d,\mathbb{R}^D)$ of
locally Lebesgue-integrable functions, in which the set of deep ReLU networks
with (bilinear) pooling $\operatorname{NN}^{\operatorname{ReLU} +
\operatorname{Pool}}$ is dense (i.e. universal) but the set of deep feedforward
networks defined using any combination of analytic activation functions with
(or without) pooling layers $\operatorname{NN}^{\omega+\operatorname{Pool}}$ is
not dense (i.e. not universal). Our main result is further explained by
\textit{quantitatively} demonstrating that this "separation phenomenon" between
the networks in $\operatorname{NN}^{\operatorname{ReLU}+\operatorname{Pool}}$
and those in $\operatorname{NN}^{\omega+\operatorname{Pool}}$ by showing that
the networks in $\operatorname{NN}^{\operatorname{ReLU}}$ are capable of
approximate any compactly supported Lipschitz function while
\textit{simultaneously} approximating its essential support; whereas, the
networks in $\operatorname{NN}^{\omega+\operatorname{pool}}$ cannot.
|
107,440 | 107,440 |
Towards the Semantic Weak Generalization Problem in Generative Zero-Shot
Learning: Ante-hoc and Post-hoc
|
In this paper, we present a simple and effective strategy lowering the
previously unexplored factors that limit the performance ceiling of generative
Zero-Shot Learning (ZSL). We begin by formally defining semantic
generalization, then look into approaches for reducing the semantic weak
generalization problem and minimizing its negative influence on classifier
training. In the ante-hoc phase, we augment the generator's semantic input, as
well as relax the fitting target of the generator. In the post-hoc phase (after
generating simulated unseen samples), we derive from the gradient of the loss
function to minimize the gradient increment on seen classifier weights carried
by biased unseen distribution, which tends to cause misleading on intra-seen
class decision boundaries. Without complicated designs, our approach hit the
essential problem and significantly outperform the state-of-the-art on four
widely used ZSL datasets.
|
107,441 | 107,441 |
Computing the Collection of Good Models for Rule Lists
|
Since the seminal paper by Breiman in 2001, who pointed out a potential harm
of prediction multiplicities from the view of explainable AI, global analysis
of a collection of all good models, also known as a `Rashomon set,' has been
attracted much attention for the last years. Since finding such a set of good
models is a hard computational problem, there have been only a few algorithms
for the problem so far, most of which are either approximate or incomplete. To
overcome this difficulty, we study efficient enumeration of all good models for
a subclass of interpretable models, called rule lists. Based on a
state-of-the-art optimal rule list learner, CORELS, proposed by Angelino et al.
in 2017, we present an efficient enumeration algorithm CorelsEnum for exactly
computing a set of all good models using polynomial space in input size, given
a dataset and a error tolerance from an optimal model. By experiments with the
COMPAS dataset on recidivism prediction, our algorithm CorelsEnum successfully
enumerated all of several tens of thousands of good rule lists of length at
most $\ell = 3$ in around 1,000 seconds, while a state-of-the-art top-$K$ rule
list learner based on Lawler's method combined with CORELS, proposed by Hara
and Ishihata in 2018, found only 40 models until the timeout of 6,000 seconds.
For global analysis, we conducted experiments for characterizing the Rashomon
set, and observed large diversity of models in predictive multiplicity and
fairness of models.
|
107,442 | 107,442 |
Improved far-field speech recognition using Joint Variational
Autoencoder
|
Automatic Speech Recognition (ASR) systems suffer considerably when source
speech is corrupted with noise or room impulse responses (RIR). Typically,
speech enhancement is applied in both mismatched and matched scenario training
and testing. In matched setting, acoustic model (AM) is trained on
dereverberated far-field features while in mismatched setting, AM is fixed. In
recent past, mapping speech features from far-field to close-talk using
denoising autoencoder (DA) has been explored. In this paper, we focus on
matched scenario training and show that the proposed joint VAE based mapping
achieves a significant improvement over DA. Specifically, we observe an
absolute improvement of 2.5% in word error rate (WER) compared to DA based
enhancement and 3.96% compared to AM trained directly on far-field filterbank
features.
|
107,443 | 107,443 |
Satellite Image Time Series Analysis for Big Earth Observation Data
|
The development of analytical software for big Earth observation data faces
several challenges. Designers need to balance between conflicting factors.
Solutions that are efficient for specific hardware architectures can not be
used in other environments. Packages that work on generic hardware and open
standards will not have the same performance as dedicated solutions. Software
that assumes that its users are computer programmers are flexible but may be
difficult to learn for a wide audience. This paper describes sits, an
open-source R package for satellite image time series analysis using machine
learning. To allow experts to use satellite imagery to the fullest extent, sits
adopts a time-first, space-later approach. It supports the complete cycle of
data analysis for land classification. Its API provides a simple but powerful
set of functions. The software works in different cloud computing environments.
Satellite image time series are input to machine learning classifiers, and the
results are post-processed using spatial smoothing. Since machine learning
methods need accurate training data, sits includes methods for quality
assessment of training samples. The software also provides methods for
validation and accuracy measurement. The package thus comprises a production
environment for big EO data analysis. We show that this approach produces high
accuracy for land use and land cover maps through a case study in the Cerrado
biome, one of the world's fast moving agricultural frontiers for the year 2018.
|
107,444 | 107,444 |
The Multiscale Structure of Neural Network Loss Functions: The Effect on
Optimization and Origin
|
Local quadratic approximation has been extensively used to study the
optimization of neural network loss functions around the minimum. Though, it
usually holds in a very small neighborhood of the minimum, and cannot explain
many phenomena observed during the optimization process. In this work, we study
the structure of neural network loss functions and its implication on
optimization in a region beyond the reach of good quadratic approximation.
Numerically, we observe that neural network loss functions possesses a
multiscale structure, manifested in two ways: (1) in a neighborhood of minima,
the loss mixes a continuum of scales and grows subquadratically, and (2) in a
larger region, the loss shows several separate scales clearly. Using the
subquadratic growth, we are able to explain the Edge of Stability phenomenon[4]
observed for gradient descent (GD) method. Using the separate scales, we
explain the working mechanism of learning rate decay by simple examples.
Finally, we study the origin of the multiscale structure and propose that the
non-uniformity of training data is one of its cause. By constructing a
two-layer neural network problem we show that training data with different
magnitudes give rise to different scales of the loss function, producing
subquadratic growth or multiple separate scales.
|
107,445 | 107,445 |
Farmer's Assistant: A Machine Learning Based Application for
Agricultural Solutions
|
Farmers face several challenges when growing crops like uncertain irrigation,
poor soil quality, etc. Especially in India, a major fraction of farmers do not
have the knowledge to select appropriate crops and fertilizers. Moreover, crop
failure due to disease causes a significant loss to the farmers, as well as the
consumers. While there have been recent developments in the automated detection
of these diseases using Machine Learning techniques, the utilization of Deep
Learning has not been fully explored. Additionally, such models are not easy to
use because of the high-quality data used in their training, lack of
computational power, and poor generalizability of the models. To this end, we
create an open-source easy-to-use web application to address some of these
issues which may help improve crop production. In particular, we support crop
recommendation, fertilizer recommendation, plant disease prediction, and an
interactive news-feed. In addition, we also use interpretability techniques in
an attempt to explain the prediction made by our disease detection model.
|
107,446 | 107,446 |
Deep Learning for Medical Image Registration: A Comprehensive Review
|
Image registration is a critical component in the applications of various
medical image analyses. In recent years, there has been a tremendous surge in
the development of deep learning (DL)-based medical image registration models.
This paper provides a comprehensive review of medical image registration.
Firstly, a discussion is provided for supervised registration categories, for
example, fully supervised, dual supervised, and weakly supervised registration.
Next, similarity-based as well as generative adversarial network (GAN)-based
registration are presented as part of unsupervised registration. Deep iterative
registration is then described with emphasis on deep similarity-based and
reinforcement learning-based registration. Moreover, the application areas of
medical image registration are reviewed. This review focuses on monomodal and
multimodal registration and associated imaging, for instance, X-ray, CT scan,
ultrasound, and MRI. The existing challenges are highlighted in this review,
where it is shown that a major challenge is the absence of a training dataset
with known transformations. Finally, a discussion is provided on the promising
future research areas in the field of DL-based medical image registration.
|
107,447 | 107,447 |
Collaborative Auto-Curricula Multi-Agent Reinforcement Learning with
Graph Neural Network Communication Layer for Open-ended Wildfire-Management
Resource Distribution
|
Most real-world domains can be formulated as multi-agent (MA) systems.
Intentionality sharing agents can solve more complex tasks by collaborating,
possibly in less time. True cooperative actions are beneficial for egoistic and
collective reasons. However, teaching individual agents to sacrifice egoistic
benefits for a better collective performance seems challenging. We build on a
recently proposed Multi-Agent Reinforcement Learning (MARL) mechanism with a
Graph Neural Network (GNN) communication layer. Rarely chosen communication
actions were marginally beneficial. Here we propose a MARL system in which
agents can help collaborators perform better while risking low individual
performance. We conduct our study in the context of resource distribution for
wildfire management. Communicating environmental features and partially
observable fire occurrence help the agent collective to pre-emptively
distribute resources. Furthermore, we introduce a procedural training
environment accommodating auto-curricula and open-endedness towards better
generalizability. Our MA communication proposal outperforms a Greedy Heuristic
Baseline and a Single-Agent (SA) setup. We further demonstrate how
auto-curricula and openendedness improves generalizability of our MA proposal.
|
107,448 | 107,448 |
An empirical study of the effect of background data size on the
stability of SHapley Additive exPlanations (SHAP) for deep learning models
|
Nowadays, the interpretation of why a machine learning (ML) model makes
certain inferences is as crucial as the accuracy of such inferences. Some ML
models like the decision tree possess inherent interpretability that can be
directly comprehended by humans. Others like artificial neural networks (ANN),
however, rely on external methods to uncover the deduction mechanism. SHapley
Additive exPlanations (SHAP) is one of such external methods, which requires a
background dataset when interpreting ANNs. Generally, a background dataset
consists of instances randomly sampled from the training dataset. However, the
sampling size and its effect on SHAP remain to be unexplored. In our empirical
study on the MIMIC-III dataset, we show that the two core explanations - SHAP
values and variable rankings fluctuate when using different background datasets
acquired from random sampling, indicating that users cannot unquestioningly
trust the one-shot interpretation from SHAP. Luckily, such fluctuation
decreases with the increase of the background dataset size. Also, we notice an
U-shape in the stability assessment of SHAP variable rankings, demonstrating
that SHAP is more reliable in ranking the most and least important variables
compared to moderately important ones. Overall, our results suggest that users
should take into account how background data affects SHAP results, with
improved SHAP stability as the background sample size increases.
|
107,449 | 107,449 |
Hate Me Not: Detecting Hate Inducing Memes in Code Switched Languages
|
The rise in the number of social media users has led to an increase in the
hateful content posted online. In countries like India, where multiple
languages are spoken, these abhorrent posts are from an unusual blend of
code-switched languages. This hate speech is depicted with the help of images
to form "Memes" which create a long-lasting impact on the human mind. In this
paper, we take up the task of hate and offense detection from multimodal data,
i.e. images (Memes) that contain text in code-switched languages. We firstly
present a novel triply annotated Indian political Memes (IPM) dataset, which
comprises memes from various Indian political events that have taken place
post-independence and are classified into three distinct categories. We also
propose a binary-channelled CNN cum LSTM based model to process the images
using the CNN model and text using the LSTM model to get state-of-the-art
results for this task.
|
107,450 | 107,450 |
Improving Deep Learning Model Robustness Against Adversarial Attack by
Increasing the Network Capacity
|
Nowadays, we are more and more reliant on Deep Learning (DL) models and thus
it is essential to safeguard the security of these systems. This paper explores
the security issues in Deep Learning and analyses, through the use of
experiments, the way forward to build more resilient models. Experiments are
conducted to identify the strengths and weaknesses of a new approach to improve
the robustness of DL models against adversarial attacks. The results show
improvements and new ideas that can be used as recommendations for researchers
and practitioners to create increasingly better DL algorithms.
|
107,451 | 107,451 |
Learning Symmetric Embeddings for Equivariant World Models
|
Incorporating symmetries can lead to highly data-efficient and generalizable
models by defining equivalence classes of data samples related by
transformations. However, characterizing how transformations act on input data
is often difficult, limiting the applicability of equivariant models. We
propose learning symmetric embedding networks (SENs) that encode an input space
(e.g. images), where we do not know the effect of transformations (e.g.
rotations), to a feature space that transforms in a known manner under these
operations. This network can be trained end-to-end with an equivariant task
network to learn an explicitly symmetric representation. We validate this
approach in the context of equivariant transition models with 3 distinct forms
of symmetry. Our experiments demonstrate that SENs facilitate the application
of equivariant networks to data with complex symmetry representations.
Moreover, doing so can yield improvements in accuracy and generalization
relative to both fully-equivariant and non-equivariant baselines.
|
107,452 | 107,452 |
Numerical Computation of Partial Differential Equations by Hidden-Layer
Concatenated Extreme Learning Machine
|
The extreme learning machine (ELM) method can yield highly accurate solutions
to linear/nonlinear partial differential equations (PDEs), but requires the
last hidden layer of the neural network to be wide to achieve a high accuracy.
If the last hidden layer is narrow, the accuracy of the existing ELM method
will be poor, irrespective of the rest of the network configuration. In this
paper we present a modified ELM method, termed HLConcELM (hidden-layer
concatenated ELM), to overcome the above drawback of the conventional ELM
method. The HLConcELM method can produce highly accurate solutions to
linear/nonlinear PDEs when the last hidden layer of the network is narrow and
when it is wide. The new method is based on a type of modified feedforward
neural networks (FNN), termed HLConcFNN (hidden-layer concatenated FNN), which
incorporates a logical concatenation of the hidden layers in the network and
exposes all the hidden nodes to the output-layer nodes. HLConcFNNs have the
interesting property that, given a network architecture, when additional hidden
layers are appended to the network or when extra nodes are added to the
existing hidden layers the representation capacity of the HLConcFNN associated
with the new architecture is guaranteed to be not smaller than that of the
original network architecture. Here representation capacity refers to the set
of all functions that can be exactly represented by the neural network of a
given architecture. We present ample benchmark tests with linear/nonlinear PDEs
to demonstrate the computational accuracy and performance of the HLConcELM
method and the superiority of this method to the conventional ELM from previous
works.
|
107,453 | 107,453 |
Real-time Speech Emotion Recognition Based on Syllable-Level Feature
Extraction
|
Speech emotion recognition systems have high prediction latency because of
the high computational requirements for deep learning models and low
generalizability mainly because of the poor reliability of emotional
measurements across multiple corpora. To solve these problems, we present a
speech emotion recognition system based on a reductionist approach of
decomposing and analyzing syllable-level features. Mel-spectrogram of an audio
stream is decomposed into syllable-level components, which are then analyzed to
extract statistical features. The proposed method uses formant attention,
noise-gate filtering, and rolling normalization contexts to increase feature
processing speed and tolerance to adversity. A set of syllable-level formant
features is extracted and fed into a single hidden layer neural network that
makes predictions for each syllable as opposed to the conventional approach of
using a sophisticated deep learner to make sentence-wide predictions. The
syllable level predictions help to achieve the real-time latency and lower the
aggregated error in utterance level cross-corpus predictions. The experiments
on IEMOCAP (IE), MSP-Improv (MI), and RAVDESS (RA) databases show that the
method archives real-time latency while predicting with state-of-the-art
cross-corpus unweighted accuracy of 47.6% for IE to MI and 56.2% for MI to IE.
|
107,454 | 107,454 |
Efficient Neural Neighborhood Search for Pickup and Delivery Problems
|
We present an efficient Neural Neighborhood Search (N2S) approach for pickup
and delivery problems (PDPs). In specific, we design a powerful Synthesis
Attention that allows the vanilla self-attention to synthesize various types of
features regarding a route solution. We also exploit two customized decoders
that automatically learn to perform removal and reinsertion of a
pickup-delivery node pair to tackle the precedence constraint. Additionally, a
diversity enhancement scheme is leveraged to further ameliorate the
performance. Our N2S is generic, and extensive experiments on two canonical PDP
variants show that it can produce state-of-the-art results among existing
neural methods. Moreover, it even outstrips the well-known LKH3 solver on the
more constrained PDP variant. Our implementation for N2S is available online.
|
107,455 | 107,455 |
Accelerated Multiplicative Weights Update Avoids Saddle Points almost
always
|
We consider non-convex optimization problems with constraint that is a
product of simplices. A commonly used algorithm in solving this type of problem
is the Multiplicative Weights Update (MWU), an algorithm that is widely used in
game theory, machine learning and multi-agent systems. Despite it has been
known that MWU avoids saddle points, there is a question that remains
unaddressed:"Is there an accelerated version of MWU that avoids saddle points
provably?" In this paper we provide a positive answer to above question. We
provide an accelerated MWU based on Riemannian Accelerated Gradient Descent,
and prove that the Riemannian Accelerated Gradient Descent, thus the
accelerated MWU, almost always avoid saddle points.
|
107,456 | 107,456 |
Uncoupled Learning Dynamics with $O(\log T)$ Swap Regret in Multiplayer
Games
|
In this paper we establish efficient and \emph{uncoupled} learning dynamics
so that, when employed by all players in a general-sum multiplayer game, the
\emph{swap regret} of each player after $T$ repetitions of the game is bounded
by $O(\log T)$, improving over the prior best bounds of $O(\log^4 (T))$. At the
same time, we guarantee optimal $O(\sqrt{T})$ swap regret in the adversarial
regime as well. To obtain these results, our primary contribution is to show
that when all players follow our dynamics with a \emph{time-invariant} learning
rate, the \emph{second-order path lengths} of the dynamics up to time $T$ are
bounded by $O(\log T)$, a fundamental property which could have further
implications beyond near-optimally bounding the (swap) regret. Our proposed
learning dynamics combine in a novel way \emph{optimistic} regularized learning
with the use of \emph{self-concordant barriers}. Further, our analysis is
remarkably simple, bypassing the cumbersome framework of higher-order
smoothness recently developed by Daskalakis, Fishelson, and Golowich
(NeurIPS'21).
|
107,457 | 107,457 |
Riemannian Hamiltonian methods for min-max optimization on manifolds
|
In this paper, we study the min-max optimization problems on Riemannian
manifolds. We introduce a Riemannian Hamiltonian function, minimization of
which serves as a proxy for solving the original min-max problems. Under the
Riemannian Polyak--{\L}ojasiewicz (PL) condition on the Hamiltonian function,
its minimizer corresponds to the desired min-max saddle point. We also provide
cases where this condition is satisfied. To minimize the Hamiltonian function,
we propose Riemannian Hamiltonian methods (RHM) and present their convergence
analysis. We extend RHM to include a consensus regularization and to the
stochastic setting. We illustrate the efficacy of the proposed RHM in
applications such as subspace robust Wasserstein distance, robust training of
neural networks, and generative adversarial networks.
|
107,458 | 107,458 |
Trusted Multi-View Classification with Dynamic Evidential Fusion
|
Existing multi-view classification algorithms focus on promoting accuracy by
exploiting different views, typically integrating them into common
representations for follow-up tasks. Although effective, it is also crucial to
ensure the reliability of both the multi-view integration and the final
decision, especially for noisy, corrupted and out-of-distribution data.
Dynamically assessing the trustworthiness of each view for different samples
could provide reliable integration. This can be achieved through uncertainty
estimation. With this in mind, we propose a novel multi-view classification
algorithm, termed trusted multi-view classification (TMC), providing a new
paradigm for multi-view learning by dynamically integrating different views at
an evidence level. The proposed TMC can promote classification reliability by
considering evidence from each view. Specifically, we introduce the variational
Dirichlet to characterize the distribution of the class probabilities,
parameterized with evidence from different views and integrated with the
Dempster-Shafer theory. The unified learning framework induces accurate
uncertainty and accordingly endows the model with both reliability and
robustness against possible noise or corruption. Both theoretical and
experimental results validate the effectiveness of the proposed model in
accuracy, robustness and trustworthiness.
|
107,459 | 107,459 |
Unsupervised Hierarchical Semantic Segmentation with Multiview
Cosegmentation and Clustering Transformers
|
Unsupervised semantic segmentation aims to discover groupings within and
across images that capture object and view-invariance of a category without
external supervision. Grouping naturally has levels of granularity, creating
ambiguity in unsupervised segmentation. Existing methods avoid this ambiguity
and treat it as a factor outside modeling, whereas we embrace it and desire
hierarchical grouping consistency for unsupervised segmentation.
We approach unsupervised segmentation as a pixel-wise feature learning
problem. Our idea is that a good representation shall reveal not just a
particular level of grouping, but any level of grouping in a consistent and
predictable manner. We enforce spatial consistency of grouping and bootstrap
feature learning with co-segmentation among multiple views of the same image,
and enforce semantic consistency across the grouping hierarchy with clustering
transformers between coarse- and fine-grained features.
We deliver the first data-driven unsupervised hierarchical semantic
segmentation method called Hierarchical Segment Grouping (HSG). Capturing
visual similarity and statistical co-occurrences, HSG also outperforms existing
unsupervised segmentation methods by a large margin on five major object- and
scene-centric benchmarks. Our code is publicly available at
https://github.com/twke18/HSG .
|
107,460 | 107,460 |
Joint Feature Distribution Alignment Learning for NIR-VIS and VIS-VIS
Face Recognition
|
Face recognition for visible light (VIS) images achieve high accuracy thanks
to the recent development of deep learning. However, heterogeneous face
recognition (HFR), which is a face matching in different domains, is still a
difficult task due to the domain discrepancy and lack of large HFR dataset.
Several methods have attempted to reduce the domain discrepancy by means of
fine-tuning, which causes significant degradation of the performance in the VIS
domain because it loses the highly discriminative VIS representation. To
overcome this problem, we propose joint feature distribution alignment learning
(JFDAL) which is a joint learning approach utilizing knowledge distillation. It
enables us to achieve high HFR performance with retaining the original
performance for the VIS domain. Extensive experiments demonstrate that our
proposed method delivers statistically significantly better performances
compared with the conventional fine-tuning approach on a public HFR dataset
Oulu-CASIA NIR&VIS and popular verification datasets in VIS domain such as FLW,
CFP, AgeDB. Furthermore, comparative experiments with existing state-of-the-art
HFR methods show that our method achieves a comparable HFR performance on the
Oulu-CASIA NIR&VIS dataset with less degradation of VIS performance.
|
107,461 | 107,461 |
Imitation Learning from Observations under Transition Model Disparity
|
Learning to perform tasks by leveraging a dataset of expert observations,
also known as imitation learning from observations (ILO), is an important
paradigm for learning skills without access to the expert reward function or
the expert actions. We consider ILO in the setting where the expert and the
learner agents operate in different environments, with the source of the
discrepancy being the transition dynamics model. Recent methods for scalable
ILO utilize adversarial learning to match the state-transition distributions of
the expert and the learner, an approach that becomes challenging when the
dynamics are dissimilar. In this work, we propose an algorithm that trains an
intermediary policy in the learner environment and uses it as a surrogate
expert for the learner. The intermediary policy is learned such that the state
transitions generated by it are close to the state transitions in the expert
dataset. To derive a practical and scalable algorithm, we employ concepts from
prior work on estimating the support of a probability distribution. Experiments
using MuJoCo locomotion tasks highlight that our method compares favorably to
the baselines for ILO with transition dynamics mismatch.
|
107,462 | 107,462 |
IMDeception: Grouped Information Distilling Super-Resolution Network
|
Single-Image-Super-Resolution (SISR) is a classical computer vision problem
that has benefited from the recent advancements in deep learning methods,
especially the advancements of convolutional neural networks (CNN). Although
state-of-the-art methods improve the performance of SISR on several datasets,
direct application of these networks for practical use is still an issue due to
heavy computational load. For this purpose, recently, researchers have focused
on more efficient and high-performing network structures. Information
multi-distilling network (IMDN) is one of the highly efficient SISR networks
with high performance and low computational load. IMDN achieves this efficiency
with various mechanisms such as Intermediate Information Collection (IIC),
working in a global setting, Progressive Refinement Module (PRM), and Contrast
Aware Channel Attention (CCA), employed in a local setting. These mechanisms,
however, do not equally contribute to the efficiency and performance of IMDN.
In this work, we propose the Global Progressive Refinement Module (GPRM) as a
less parameter-demanding alternative to the IIC module for feature aggregation.
To further decrease the number of parameters and floating point operations
persecond (FLOPS), we also propose Grouped Information Distilling Blocks
(GIDB). Using the proposed structures, we design an efficient SISR network
called IMDeception. Experiments reveal that the proposed network performs on
par with state-of-the-art models despite having a limited number of parameters
and FLOPS. Furthermore, using grouped convolutions as a building block of GIDB
increases room for further optimization during deployment. To show its
potential, the proposed model was deployed on NVIDIA Jetson Xavier AGX and it
has been shown that it can run in real-time on this edge device
|
107,463 | 107,463 |
Towards Evaluating Adaptivity of Model-Based Reinforcement Learning
Methods
|
In recent years, a growing number of deep model-based reinforcement learning
(RL) methods have been introduced. The interest in deep model-based RL is not
surprising, given its many potential benefits, such as higher sample efficiency
and the potential for fast adaption to changes in the environment. However, we
demonstrate, using an improved version of the recently introduced Local Change
Adaptation (LoCA) setup, that well-known model-based methods such as PlaNet and
DreamerV2 perform poorly in their ability to adapt to local environmental
changes. Combined with prior work that made a similar observation about the
other popular model-based method, MuZero, a trend appears to emerge, suggesting
that current deep model-based methods have serious limitations. We dive deeper
into the causes of this poor performance, by identifying elements that hurt
adaptive behavior and linking these to underlying techniques frequently used in
deep model-based RL. We empirically validate these insights in the case of
linear function approximation by demonstrating that a modified version of
linear Dyna achieves effective adaptation to local changes. Furthermore, we
provide detailed insights into the challenges of building an adaptive nonlinear
model-based method, by experimenting with a nonlinear version of Dyna.
|
107,464 | 107,464 |
Deep Reinforcement Learning for Online Routing of Unmanned Aerial
Vehicles with Wireless Power Transfer
|
The unmanned aerial vehicle (UAV) plays an vital role in various applications
such as delivery, military mission, disaster rescue, communication, etc., due
to its flexibility and versatility. This paper proposes a deep reinforcement
learning method to solve the UAV online routing problem with wireless power
transfer, which can charge the UAV remotely without wires, thus extending the
capability of the battery-limited UAV. Our study considers the power
consumption of the UAV and the wireless charging process. Unlike the previous
works, we solve the problem by a designed deep neural network. The model is
trained using a deep reinforcement learning method offline, and is used to
optimize the UAV routing problem online. On small and large scale instances,
the proposed model runs from four times to 500 times faster than Google
OR-tools, the state-of-the-art combinatorial optimization solver, with
identical solution quality. It also outperforms different types of heuristic
and local search methods in terms of both run-time and optimality. In addition,
once the model is trained, it can scale to new generated problem instances with
arbitrary topology that are not seen during training. The proposed method is
practically applicable when the problem scale is large and the response time is
crucial.
|
107,465 | 107,465 |
AQuaMoHo: Localized Low-Cost Outdoor Air Quality Sensing over a
Thermo-Hygrometer
|
Efficient air quality sensing serves as one of the essential services
provided in any recent smart city. Mostly facilitated by sparsely deployed Air
Quality Monitoring Stations (AQMSs) that are difficult to install and maintain,
the overall spatial variation heavily impacts air quality monitoring for
locations far enough from these pre-deployed public infrastructures. To
mitigate this, we in this paper propose a framework named AQuaMoHo that can
annotate data obtained from a low-cost thermo-hygrometer (as the sole physical
sensing device) with the AQI labels, with the help of additional publicly
crawled Spatio-temporal information of that locality. At its core, AQuaMoHo
exploits the temporal patterns from a set of readily available spatial features
using an LSTM-based model and further enhances the overall quality of the
annotation using temporal attention. From a thorough study of two different
cities, we observe that AQuaMoHo can significantly help annotate the air
quality data on a personal scale.
|
107,466 | 107,466 |
Quantifying Unknown Quantum Entanglement via a Hybrid Quantum-Classical
Machine Learning Framework
|
Quantifying unknown quantum entanglement experimentally is a difficult task,
but also becomes more and more necessary because of the fast development of
quantum engineering. Machine learning provides practical solutions to this
fundamental problem, where one has to train a proper machine learning model to
predict entanglement measures of unknown quantum states based on experimentally
measurable data, say moments or correlation data produced by local
measurements. In this paper, we compare the performance of these two different
machine learning approaches systematically. Particularly, we first show that
the approach based on moments enjoys a remarkable advantage over that based on
correlation data, though the cost of measuring moments is much higher. Next,
since correlation data is much easier to obtain experimentally, we try to
better its performance by proposing a hybrid quantum-classical machine learning
framework for this problem, where the key is to train optimal local
measurements to generate more informative correlation data. Our numerical
simulations show that the new framework brings us comparable performance with
the approach based on moments to quantify unknown entanglement. Our work
implies that it is already practical to fulfill such tasks on near-term quantum
devices.
|
107,467 | 107,467 |
Randomly Initialized Alternating Least Squares: Fast Convergence for
Matrix Sensing
|
We consider the problem of reconstructing rank-one matrices from random
linear measurements, a task that appears in a variety of problems in signal
processing, statistics, and machine learning. In this paper, we focus on the
Alternating Least Squares (ALS) method. While this algorithm has been studied
in a number of previous works, most of them only show convergence from an
initialization close to the true solution and thus require a carefully designed
initialization scheme. However, random initialization has often been preferred
by practitioners as it is model-agnostic. In this paper, we show that ALS with
random initialization converges to the true solution with
$\varepsilon$-accuracy in $O(\log n + \log (1/\varepsilon)) $ iterations using
only a near-optimal amount of samples, where we assume the measurement matrices
to be i.i.d. Gaussian and where by $n$ we denote the ambient dimension. Key to
our proof is the observation that the trajectory of the ALS iterates only
depends very mildly on certain entries of the random measurement matrices.
Numerical experiments corroborate our theoretical predictions.
|
107,468 | 107,468 |
Faculty Distillation with Optimal Transport
|
The outpouring of various pre-trained models empowers knowledge
distillation~(KD) by providing abundant teacher resources. Meanwhile, exploring
the massive model repository to select a suitable teacher and further
extracting its knowledge become daunting challenges. Standard KD fails to
surmount two obstacles when training a student with the availability of
plentiful pre-trained teachers, i.e., the "faculty". First, we need to seek out
the most contributive teacher in the faculty efficiently rather than
enumerating all of them for a student. Second, since the teacher may be
pre-trained on different tasks w.r.t. the student, we must distill the
knowledge from a more general label space. This paper studies this ``faculty
distillation'' where a student performs teacher assessment and generalized
knowledge reuse. We take advantage of optimal transport to construct a unifying
objective for both problems, which bridges the semantic gap and measures the
relatedness between a pair of models. This objective can select the most
relevant teacher, and we minimize the same objective over student parameters to
transfer the knowledge from the selected teacher subsequently. Experiments in
various settings demonstrate the succinctness and versatility of our proposed
method.
|
107,469 | 107,469 |
LoL: A Comparative Regularization Loss over Query Reformulation Losses
for Pseudo-Relevance Feedback
|
Pseudo-relevance feedback (PRF) has proven to be an effective query
reformulation technique to improve retrieval accuracy. It aims to alleviate the
mismatch of linguistic expressions between a query and its potential relevant
documents. Existing PRF methods independently treat revised queries originating
from the same query but using different numbers of feedback documents,
resulting in severe query drift. Without comparing the effects of two different
revisions from the same query, a PRF model may incorrectly focus on the
additional irrelevant information increased in the more feedback, and thus
reformulate a query that is less effective than the revision using the less
feedback. Ideally, if a PRF model can distinguish between irrelevant and
relevant information in the feedback, the more feedback documents there are,
the better the revised query will be. To bridge this gap, we propose the
Loss-over-Loss (LoL) framework to compare the reformulation losses between
different revisions of the same query during training. Concretely, we revise an
original query multiple times in parallel using different amounts of feedback
and compute their reformulation losses. Then, we introduce an additional
regularization loss on these reformulation losses to penalize revisions that
use more feedback but gain larger losses. With such comparative regularization,
the PRF model is expected to learn to suppress the extra increased irrelevant
information by comparing the effects of different revised queries. Further, we
present a differentiable query reformulation method to implement this
framework. This method revises queries in the vector space and directly
optimizes the retrieval performance of query vectors, applicable for both
sparse and dense retrieval models. Empirical evaluation demonstrates the
effectiveness and robustness of our method for two typical sparse and dense
retrieval models.
|
107,470 | 107,470 |
Goal-driven Self-Attentive Recurrent Networks for Trajectory Prediction
|
Human trajectory forecasting is a key component of autonomous vehicles,
social-aware robots and advanced video-surveillance applications. This
challenging task typically requires knowledge about past motion, the
environment and likely destination areas. In this context, multi-modality is a
fundamental aspect and its effective modeling can be beneficial to any
architecture. Inferring accurate trajectories is nevertheless challenging, due
to the inherently uncertain nature of the future. To overcome these
difficulties, recent models use different inputs and propose to model human
intentions using complex fusion mechanisms. In this respect, we propose a
lightweight attention-based recurrent backbone that acts solely on past
observed positions. Although this backbone already provides promising results,
we demonstrate that its prediction accuracy can be improved considerably when
combined with a scene-aware goal-estimation module. To this end, we employ a
common goal module, based on a U-Net architecture, which additionally extracts
semantic information to predict scene-compliant destinations. We conduct
extensive experiments on publicly-available datasets (i.e. SDD, inD, ETH/UCY)
and show that our approach performs on par with state-of-the-art techniques
while reducing model complexity.
|
107,471 | 107,471 |
Determinantal Point Process Likelihoods for Sequential Recommendation
|
Sequential recommendation is a popular task in academic research and close to
real-world application scenarios, where the goal is to predict the next
action(s) of the user based on his/her previous sequence of actions. In the
training process of recommender systems, the loss function plays an essential
role in guiding the optimization of recommendation models to generate accurate
suggestions for users. However, most existing sequential recommendation
techniques focus on designing algorithms or neural network architectures, and
few efforts have been made to tailor loss functions that fit naturally into the
practical application scenario of sequential recommender systems.
Ranking-based losses, such as cross-entropy and Bayesian Personalized Ranking
(BPR) are widely used in the sequential recommendation area. We argue that such
objective functions suffer from two inherent drawbacks: i) the dependencies
among elements of a sequence are overlooked in these loss formulations; ii)
instead of balancing accuracy (quality) and diversity, only generating accurate
results has been over emphasized. We therefore propose two new loss functions
based on the Determinantal Point Process (DPP) likelihood, that can be
adaptively applied to estimate the subsequent item or items. The
DPP-distributed item set captures natural dependencies among temporal actions,
and a quality vs. diversity decomposition of the DPP kernel pushes us to go
beyond accuracy-oriented loss functions. Experimental results using the
proposed loss functions on three real-world datasets show marked improvements
over state-of-the-art sequential recommendation methods in both quality and
diversity metrics.
|
107,472 | 107,472 |
Ad Creative Discontinuation Prediction with Multi-Modal Multi-Task
Neural Survival Networks
|
Discontinuing ad creatives at an appropriate time is one of the most
important ad operations that can have a significant impact on sales. Such
operational support for ineffective ads has been less explored than that for
effective ads. After pre-analyzing 1,000,000 real-world ad creatives, we found
that there are two types of discontinuation: short-term (i.e., cut-out) and
long-term (i.e., wear-out). In this paper, we propose a practical prediction
framework for the discontinuation of ad creatives with a hazard function-based
loss function inspired by survival analysis. Our framework predicts the
discontinuations with a multi-modal deep neural network that takes as input the
ad creative (e.g., text, categorical, image, numerical features). To improve
the prediction performance for the two different types of discontinuations and
for the ad creatives that contribute to sales, we introduce two new techniques:
(1) a two-term estimation technique with multi-task learning and (2) a
click-through rate-weighting technique for the loss function. We evaluated our
framework using the large-scale ad creative dataset, including 10 billion scale
impressions. In terms of the concordance index (short: 0.896, long: 0.939, and
overall: 0.792), our framework achieved significantly better performance than
the conventional method (0.531). Additionally, we confirmed that our framework
(i) demonstrated the same degree of discontinuation effect as manual operations
for short-term cases, and (ii) accurately predicted the ad discontinuation
order, which is important for long-running ad creatives for long-term cases.
|
107,473 | 107,473 |
Hybrid Transfer in Deep Reinforcement Learning for Ads Allocation
|
Ads allocation, which involves allocating ads and organic items to limited
slots in feed with the purpose of maximizing platform revenue, has become a
research hotspot. Notice that, e-commerce platforms usually have multiple
entrances for different categories and some entrances have few visits. Data
from these entrances has low coverage, which makes it difficult for the agent
to learn. To address this challenge, we propose Similarity-based Hybrid
Transfer for Ads Allocation (SHTAA), which effectively transfers samples as
well as knowledge from data-rich entrance to data-poor entrance. Specifically,
we define an uncertainty-aware similarity for MDP to estimate the similarity of
MDP for different entrances. Based on this similarity, we design a hybrid
transfer method, including instance transfer and strategy transfer, to
efficiently transfer samples and knowledge from one entrance to another. Both
offline and online experiments on Meituan food delivery platform demonstrate
that the proposed method could achieve better performance for data-poor
entrance and increase the revenue for the platform.
|
107,474 | 107,474 |
Addressing Leakage in Self-Supervised Contextualized Code Retrieval
|
We address contextualized code retrieval, the search for code snippets
helpful to fill gaps in a partial input program. Our approach facilitates a
large-scale self-supervised contrastive training by splitting source code
randomly into contexts and targets. To combat leakage between the two, we
suggest a novel approach based on mutual identifier masking, dedentation, and
the selection of syntax-aligned targets. Our second contribution is a new
dataset for direct evaluation of contextualized code retrieval, based on a
dataset of manually aligned subpassages of code clones. Our experiments
demonstrate that our approach improves retrieval substantially, and yields new
state-of-the-art results for code clone and defect detection.
|
107,475 | 107,475 |
A Simple Structure For Building A Robust Model
|
As deep learning applications, especially programs of computer vision, are
increasingly deployed in our lives, we have to think more urgently about the
security of these applications.One effective way to improve the security of
deep learning models is to perform adversarial training, which allows the model
to be compatible with samples that are deliberately created for use in
attacking the model.Based on this, we propose a simple architecture to build a
model with a certain degree of robustness, which improves the robustness of the
trained network by adding an adversarial sample detection network for
cooperative training. At the same time, we design a new data sampling strategy
that incorporates multiple existing attacks, allowing the model to adapt to
many different adversarial attacks with a single training.We conducted some
experiments to test the effectiveness of this design based on Cifar10 dataset,
and the results indicate that it has some degree of positive effect on the
robustness of the model.Our code could be found at
https://github.com/dowdyboy/simple_structure_for_robust_model .
|
107,476 | 107,476 |
Broad Recommender System: An Efficient Nonlinear Collaborative Filtering
Approach
|
Recently, Deep Neural Networks (DNNs) have been widely introduced into
Collaborative Filtering (CF) to produce more accurate recommendation results
due to their capability of capturing the complex nonlinear relationships
between items and users.However, the DNNs-based models usually suffer from high
computational complexity, i.e., consuming very long training time and storing
huge amount of trainable parameters. To address these problems, we propose a
new broad recommender system called Broad Collaborative Filtering (BroadCF),
which is an efficient nonlinear collaborative filtering approach. Instead of
DNNs, Broad Learning System (BLS) is used as a mapping function to learn the
complex nonlinear relationships between users and items, which can avoid the
above issues while achieving very satisfactory recommendation performance.
However, it is not feasible to directly feed the original rating data into BLS.
To this end, we propose a user-item rating collaborative vector preprocessing
procedure to generate low-dimensional user-item input data, which is able to
harness quality judgments of the most similar users/items. Extensive
experiments conducted on seven benchmark datasets have confirmed the
effectiveness of the proposed BroadCF algorithm
|
107,477 | 107,477 |
Machine learning of the well known things
|
Machine learning (ML) in its current form implies that an answer to any
problem can be well approximated by a function of a very peculiar form: a
specially adjusted iteration of Heavyside theta-functions. It is natural to ask
if the answers to the questions, which we already know, can be naturally
represented in this form. We provide elementary, still non-evident examples
that this is indeed possible, and suggest to look for a systematic
reformulation of existing knowledge in a ML-consistent way. Success or a
failure of these attempts can shed light on a variety of problems, both
scientific and epistemological.
|
107,478 | 107,478 |
Integrating Prior Knowledge in Post-hoc Explanations
|
In the field of eXplainable Artificial Intelligence (XAI), post-hoc
interpretability methods aim at explaining to a user the predictions of a
trained decision model. Integrating prior knowledge into such interpretability
methods aims at improving the explanation understandability and allowing for
personalised explanations adapted to each user. In this paper, we propose to
define a cost function that explicitly integrates prior knowledge into the
interpretability objectives: we present a general framework for the
optimization problem of post-hoc interpretability methods, and show that user
knowledge can thus be integrated to any method by adding a compatibility term
in the cost function. We instantiate the proposed formalization in the case of
counterfactual explanations and propose a new interpretability method called
Knowledge Integration in Counterfactual Explanation (KICE) to optimize it. The
paper performs an experimental study on several benchmark data sets to
characterize the counterfactual instances generated by KICE, as compared to
reference methods.
|
107,479 | 107,479 |
Hybrid ISTA: Unfolding ISTA With Convergence Guarantees Using Free-Form
Deep Neural Networks
|
It is promising to solve linear inverse problems by unfolding iterative
algorithms (e.g., iterative shrinkage thresholding algorithm (ISTA)) as deep
neural networks (DNNs) with learnable parameters. However, existing ISTA-based
unfolded algorithms restrict the network architectures for iterative updates
with the partial weight coupling structure to guarantee convergence. In this
paper, we propose hybrid ISTA to unfold ISTA with both pre-computed and learned
parameters by incorporating free-form DNNs (i.e., DNNs with arbitrary feasible
and reasonable network architectures), while ensuring theoretical convergence.
We first develop HCISTA to improve the efficiency and flexibility of classical
ISTA (with pre-computed parameters) without compromising the convergence rate
in theory. Furthermore, the DNN-based hybrid algorithm is generalized to
popular variants of learned ISTA, dubbed HLISTA, to enable a free architecture
of learned parameters with a guarantee of linear convergence. To our best
knowledge, this paper is the first to provide a convergence-provable framework
that enables free-form DNNs in ISTA-based unfolded algorithms. This framework
is general to endow arbitrary DNNs for solving linear inverse problems with
convergence guarantees. Extensive experiments demonstrate that hybrid ISTA can
reduce the reconstruction error with an improved convergence rate in the tasks
of sparse recovery and compressive sensing.
|
107,480 | 107,480 |
Do Users Benefit From Interpretable Vision? A User Study, Baseline, And
Dataset
|
A variety of methods exist to explain image classification models. However,
whether they provide any benefit to users over simply comparing various inputs
and the model's respective predictions remains unclear. We conducted a user
study (N=240) to test how such a baseline explanation technique performs
against concept-based and counterfactual explanations. To this end, we
contribute a synthetic dataset generator capable of biasing individual
attributes and quantifying their relevance to the model. In a study, we assess
if participants can identify the relevant set of attributes compared to the
ground-truth. Our results show that the baseline outperformed concept-based
explanations. Counterfactual explanations from an invertible neural network
performed similarly as the baseline. Still, they allowed users to identify some
attributes more accurately. Our results highlight the importance of measuring
how well users can reason about biases of a model, rather than solely relying
on technical evaluations or proxy tasks. We open-source our study and dataset
so it can serve as a blue-print for future studies. For code see,
https://github.com/berleon/do_users_benefit_from_interpretable_vision
|
107,481 | 107,481 |
Algorithms and Theory for Supervised Gradual Domain Adaptation
|
The phenomenon of data distribution evolving over time has been observed in a
range of applications, calling the needs of adaptive learning algorithms. We
thus study the problem of supervised gradual domain adaptation, where labeled
data from shifting distributions are available to the learner along the
trajectory, and we aim to learn a classifier on a target data distribution of
interest. Under this setting, we provide the first generalization upper bound
on the learning error under mild assumptions. Our results are algorithm
agnostic, general for a range of loss functions, and only depend linearly on
the averaged learning error across the trajectory. This shows significant
improvement compared to the previous upper bound for unsupervised gradual
domain adaptation, where the learning error on the target domain depends
exponentially on the initial error on the source domain. Compared with the
offline setting of learning from multiple domains, our results also suggest the
potential benefits of the temporal structure among different domains in
adapting to the target one. Empirically, our theoretical results imply that
learning proper representations across the domains will effectively mitigate
the learning errors. Motivated by these theoretical insights, we propose a
min-max learning objective to learn the representation and classifier
simultaneously. Experimental results on both semi-synthetic and large-scale
real datasets corroborate our findings and demonstrate the effectiveness of our
objectives.
|
107,482 | 107,482 |
A Survey on Word Meta-Embedding Learning
|
Meta-embedding (ME) learning is an emerging approach that attempts to learn
more accurate word embeddings given existing (source) word embeddings as the
sole input.
Due to their ability to incorporate semantics from multiple source embeddings
in a compact manner with superior performance, ME learning has gained
popularity among practitioners in NLP.
To the best of our knowledge, there exist no prior systematic survey on ME
learning and this paper attempts to fill this need.
We classify ME learning methods according to multiple factors such as whether
they (a) operate on static or contextualised embeddings, (b) trained in an
unsupervised manner or (c) fine-tuned for a particular task/domain.
Moreover, we discuss the limitations of existing ME learning methods and
highlight potential future research directions.
|
107,483 | 107,483 |
HyperNCA: Growing Developmental Networks with Neural Cellular Automata
|
In contrast to deep reinforcement learning agents, biological neural networks
are grown through a self-organized developmental process. Here we propose a new
hypernetwork approach to grow artificial neural networks based on neural
cellular automata (NCA). Inspired by self-organising systems and
information-theoretic approaches to developmental biology, we show that our
HyperNCA method can grow neural networks capable of solving common
reinforcement learning tasks. Finally, we explore how the same approach can be
used to build developmental metamorphosis networks capable of transforming
their weights to solve variations of the initial RL task.
|
107,484 | 107,484 |
Data-driven prediction and control of extreme events in a chaotic flow
|
An extreme event is a sudden and violent change in the state of a nonlinear
system. In fluid dynamics, extreme events can have adverse effects on the
system's optimal design and operability, which calls for accurate methods for
their prediction and control. In this paper, we propose a data-driven
methodology for the prediction and control of extreme events in a chaotic shear
flow. The approach is based on echo state networks, which are a type of
reservoir computing that learn temporal correlations within a time-dependent
dataset. The objective is five-fold. First, we exploit ad-hoc metrics from
binary classification to analyse (i) how many of the extreme events predicted
by the network actually occur in the test set (precision), and (ii) how many
extreme events are missed by the network (recall). We apply a principled
strategy for optimal hyperparameter selection, which is key to the networks'
performance. Second, we focus on the time-accurate prediction of extreme
events. We show that echo state networks are able to predict extreme events
well beyond the predictability time, i.e., up to more than five Lyapunov times.
Third, we focus on the long-term prediction of extreme events from a
statistical point of view. By training the networks with datasets that contain
non-converged statistics, we show that the networks are able to learn and
extrapolate the flow's long-term statistics. In other words, the networks are
able to extrapolate in time from relatively short time series. Fourth, we
design a simple and effective control strategy to prevent extreme events from
occurring. The control strategy decreases the occurrence of extreme events up
to one order of magnitude with respect to the uncontrolled system. Finally, we
analyse the robustness of the results for a range of Reynolds numbers. We show
that the networks perform well across a wide range of regimes.
|
107,485 | 107,485 |
Deep electric field predictions by drift-reduced Braginskii theory with
plasma-neutral interactions based upon experimental images of boundary
turbulence
|
We present 2-dimensional turbulent electric field calculations via
physics-informed deep learning consistent with (i) drift-reduced Braginskii
theory under the framework of an axisymmetric fusion plasma with purely
toroidal field and (ii) experimental estimates of the fluctuating electron
density and temperature obtained from analysis of gas puff imaging of a
discharge on the Alcator C-Mod tokamak. The inclusion of effects from the
locally puffed atomic helium on particle and energy sources within the reduced
plasma turbulence model are found to strengthen correlations between the
electric field and electron pressure. The neutrals are also directly associated
with an observed broadening in the distribution of turbulent field amplitudes
and increased ${\bf E \times B}$ shearing rates.
|
107,486 | 107,486 |
Tac2Pose: Tactile Object Pose Estimation from the First Touch
|
In this paper, we present Tac2Pose, an object-specific approach to tactile
pose estimation from the first touch for known objects. Given the object
geometry, we learn a tailored perception model in simulation that estimates a
probability distribution over possible object poses given a tactile
observation. To do so, we simulate the contact shapes that a dense set of
object poses would produce on the sensor. Then, given a new contact shape
obtained from the sensor, we match it against the pre-computed set using an
object-specific embedding learned using contrastive learning. We obtain contact
shapes from the sensor with an object-agnostic calibration step that maps RGB
tactile observations to binary contact shapes. This mapping, which can be
reused across object and sensor instances, is the only step trained with real
sensor data. This results in a perception model that localizes objects from the
first real tactile observation. Importantly, it produces pose distributions and
can incorporate additional pose constraints coming from other perception
systems, contacts, or priors.
We provide quantitative results for 20 objects. Tac2Pose provides high
accuracy pose estimations from distinctive tactile observations while
regressing meaningful pose distributions to account for those contact shapes
that could result from different object poses. We also test Tac2Pose on object
models reconstructed from a 3D scanner, to evaluate the robustness to
uncertainty in the object model. Finally, we demonstrate the advantages of
Tac2Pose compared with three baseline methods for tactile pose estimation:
directly regressing the object pose with a neural network, matching an observed
contact to a set of possible contacts using a standard classification neural
network, and direct pixel comparison of an observed contact with a set of
possible contacts.
Website: http://mcube.mit.edu/research/tac2pose.html
|
107,487 | 107,487 |
Masked Image Modeling Advances 3D Medical Image Analysis
|
Recently, masked image modeling (MIM) has gained considerable attention due
to its capacity to learn from vast amounts of unlabeled data and has been
demonstrated to be effective on a wide variety of vision tasks involving
natural images. Meanwhile, the potential of self-supervised learning in
modeling 3D medical images is anticipated to be immense due to the high
quantities of unlabeled images, and the expense and difficulty of quality
labels. However, MIM's applicability to medical images remains uncertain. In
this paper, we demonstrate that masked image modeling approaches can also
advance 3D medical images analysis in addition to natural images. We study how
masked image modeling strategies leverage performance from the viewpoints of 3D
medical image segmentation as a representative downstream task: i) when
compared to naive contrastive learning, masked image modeling approaches
accelerate the convergence of supervised training even faster (1.40$\times$)
and ultimately produce a higher dice score; ii) predicting raw voxel values
with a high masking ratio and a relatively smaller patch size is non-trivial
self-supervised pretext-task for medical images modeling; iii) a lightweight
decoder or projection head design for reconstruction is powerful for masked
image modeling on 3D medical images which speeds up training and reduce cost;
iv) finally, we also investigate the effectiveness of MIM methods under
different practical scenarios where different image resolutions and labeled
data ratios are applied.
|
107,488 | 107,488 |
Predicting Real-time Scientific Experiments Using Transformer models and
Reinforcement Learning
|
Life and physical sciences have always been quick to adopt the latest
advances in machine learning to accelerate scientific discovery. Examples of
this are cell segmentation or cancer detection. Nevertheless, these exceptional
results are based on mining previously created datasets to discover patterns or
trends. Recent advances in AI have been demonstrated in real-time scenarios
like self-driving cars or playing video games. However, these new techniques
have not seen widespread adoption in life or physical sciences because
experimentation can be slow. To tackle this limitation, this work aims to adapt
generative learning algorithms to model scientific experiments and accelerate
their discovery using in-silico simulations. We particularly focused on
real-time experiments, aiming to model how they react to user inputs. To
achieve this, here we present an encoder-decoder architecture based on the
Transformer model to simulate real-time scientific experimentation, predict its
future behaviour and manipulate it on a step-by-step basis. As a proof of
concept, this architecture was trained to map a set of mechanical inputs to the
oscillations generated by a chemical reaction. The model was paired with a
Reinforcement Learning controller to show how the simulated chemistry can be
manipulated in real-time towards user-defined behaviours. Our results
demonstrate how generative learning can model real-time scientific
experimentation to track how it changes through time as the user manipulates
it, and how the trained models can be paired with optimisation algorithms to
discover new phenomena beyond the physical limitations of lab experimentation.
This work paves the way towards building surrogate systems where physical
experimentation interacts with machine learning on a step-by-step basis.
|
107,489 | 107,489 |
On the Performance of Machine Learning Methods for Breakthrough Curve
Prediction
|
Reactive flows are important part of numerous technical and environmental
processes. Often monitoring the flow and species concentrations within the
domain is not possible or is expensive, in contrast, outlet concentration is
straightforward to measure. In connection with reactive flows in porous media,
the term breakthrough curve is used to denote the time dependency of the outlet
concentration with prescribed conditions at the inlet. In this work we apply
several machine learning methods to predict breakthrough curves from the given
set of parameters. In our case the parameters are the Damk\"ohler and Peclet
numbers. We perform a thorough analysis for the one-dimensional case and also
provide the results for the three-dimensional case.
|
107,490 | 107,490 |
KnowAugNet: Multi-Source Medical Knowledge Augmented Medication
Prediction Network with Multi-Level Graph Contrastive Learning
|
Predicting medications is a crucial task in many intelligent healthcare
systems. It can assist doctors in making informed medication decisions for
patients according to electronic medical records (EMRs). However, medication
prediction is a challenging data mining task due to the complex relations
between medical codes. Most existing studies focus on utilizing inherent
relations between homogeneous codes of medical ontology graph to enhance their
representations using supervised methods, and few studies pay attention to the
valuable relations between heterogeneous or homogeneous medical codes from
history EMRs, which further limits the prediction performance and application
scenarios. Therefore, to address these limitations, this paper proposes
KnowAugNet, a multi-sourced medical knowledge augmented medication prediction
network which can fully capture the diverse relations between medical codes via
multi-level graph contrastive learning framework. Specifically, KnowAugNet
first leverages the graph contrastive learning using graph attention network as
the encoder to capture the implicit relations between homogeneous medical codes
from the medical ontology graph and obtains the knowledge augmented medical
codes embedding vectors. Then, it utilizes the graph contrastive learning using
a weighted graph convolutional network as the encoder to capture the
correlative relations between homogeneous or heterogeneous medical codes from
the constructed medical prior relation graph and obtains the relation augmented
medical codes embedding vectors. Finally, the augmented medical codes embedding
vectors and the supervised medical codes embedding vectors are retrieved and
input to the sequential learning network to capture the temporal relations of
medical codes and predict medications for patients.
|
107,491 | 107,491 |
Stability Preserving Data-driven Models With Latent Dynamics
|
In this paper, we introduce a data-driven modeling approach for dynamics
problems with latent variables. The state-space of the proposed model includes
artificial latent variables, in addition to observed variables that can be
fitted to a given data set. We present a model framework where the stability of
the coupled dynamics can be easily enforced. The model is implemented by
recurrent cells and trained using backpropagation through time. Numerical
examples using benchmark tests from order reduction problems demonstrate the
stability of the model and the efficiency of the recurrent cell implementation.
As applications, two fluid-structure interaction problems are considered to
illustrate the accuracy and predictive capability of the model.
|
107,492 | 107,492 |
A feasibility study proposal of the predictive model to enable the
prediction of population susceptibility to COVID-19 by analysis of vaccine
utilization for advising deployment of a booster dose
|
With the present highly infectious dominant SARS-CoV-2 strain of B1.1.529 or
Omicron spreading around the globe, there is concern that the COVID-19 pandemic
will not end soon and that it will be a race against time until a more
contagious and virulent variant emerges. One of the most promising approaches
for preventing virus propagation is to maintain continuous high vaccination
efficacy among the population, thereby strengthening the population protective
effect and preventing the majority of infection in the vaccinated population,
as is known to occur with the Omicron variant frequently. Countries must
structure vaccination programs in accordance with their populations'
susceptibility to infection, optimizing vaccination efforts by delivering
vaccines progressively enough to protect the majority of the population. We
present a feasibility study proposal for maintaining optimal continuous
vaccination by assessing the susceptible population, the decline of vaccine
efficacy in the population, and advising booster dosage deployment to maintain
the population's protective efficacy through the use of a predictive model.
Numerous studies have been conducted in the direction of analyzing vaccine
utilization; however, very little study has been conducted to substantiate the
optimal deployment of booster dosage vaccination with the help of a predictive
model based on machine learning algorithms.
|
107,493 | 107,493 |
Adversarial Attention for Human Motion Synthesis
|
Analysing human motions is a core topic of interest for many disciplines,
from Human-Computer Interaction, to entertainment, Virtual Reality and
healthcare. Deep learning has achieved impressive results in capturing human
pose in real-time. On the other hand, due to high inter-subject variability,
human motion analysis models often suffer from not being able to generalise to
data from unseen subjects due to very limited specialised datasets available in
fields such as healthcare. However, acquiring human motion datasets is highly
time-consuming, challenging, and expensive. Hence, human motion synthesis is a
crucial research problem within deep learning and computer vision. We present a
novel method for controllable human motion synthesis by applying
attention-based probabilistic deep adversarial models with end-to-end training.
We show that we can generate synthetic human motion over both short- and
long-time horizons through the use of adversarial attention. Furthermore, we
show that we can improve the classification performance of deep learning models
in cases where there is inadequate real data, by supplementing existing
datasets with synthetic motions.
|
107,494 | 107,494 |
LightDefectNet: A Highly Compact Deep Anti-Aliased Attention Condenser
Neural Network Architecture for Light Guide Plate Surface Defect Detection
|
Light guide plates are essential optical components widely used in a diverse
range of applications ranging from medical lighting fixtures to back-lit TV
displays. An essential step in the manufacturing of light guide plates is the
quality inspection of defects such as scratches, bright/dark spots, and
impurities. This is mainly done in industry through manual visual inspection
for plate pattern irregularities, which is time-consuming and prone to human
error and thus act as a significant barrier to high-throughput production.
Advances in deep learning-driven computer vision has led to the exploration of
automated visual quality inspection of light guide plates to improve inspection
consistency, accuracy, and efficiency. However, given the cost constraints in
visual inspection scenarios, the widespread adoption of deep learning-driven
computer vision methods for inspecting light guide plates has been greatly
limited due to high computational requirements. In this study, we explore the
utilization of machine-driven design exploration with computational and
"best-practices" constraints as well as L$_1$ paired classification discrepancy
loss to create LightDefectNet, a highly compact deep anti-aliased attention
condenser neural network architecture tailored specifically for light guide
plate surface defect detection in resource-constrained scenarios. Experiments
show that LightDetectNet achieves a detection accuracy of $\sim$98.2% on the
LGPSDD benchmark while having just 770K parameters ($\sim$33$\times$ and
$\sim$6.9$\times$ lower than ResNet-50 and EfficientNet-B0, respectively) and
$\sim$93M FLOPs ($\sim$88$\times$ and $\sim$8.4$\times$ lower than ResNet-50
and EfficientNet-B0, respectively) and $\sim$8.8$\times$ faster inference speed
than EfficientNet-B0 on an embedded ARM processor.
|
107,495 | 107,495 |
CellDefectNet: A Machine-designed Attention Condenser Network for
Electroluminescence-based Photovoltaic Cell Defect Inspection
|
Photovoltaic cells are electronic devices that convert light energy to
electricity, forming the backbone of solar energy harvesting systems. An
essential step in the manufacturing process for photovoltaic cells is visual
quality inspection using electroluminescence imaging to identify defects such
as cracks, finger interruptions, and broken cells. A big challenge faced by
industry in photovoltaic cell visual inspection is the fact that it is
currently done manually by human inspectors, which is extremely time consuming,
laborious, and prone to human error. While deep learning approaches holds great
potential to automating this inspection, the hardware resource-constrained
manufacturing scenario makes it challenging for deploying complex deep neural
network architectures. In this work, we introduce CellDefectNet, a highly
efficient attention condenser network designed via machine-driven design
exploration specifically for electroluminesence-based photovoltaic cell defect
detection on the edge. We demonstrate the efficacy of CellDefectNet on a
benchmark dataset comprising of a diversity of photovoltaic cells captured
using electroluminescence imagery, achieving an accuracy of ~86.3% while
possessing just 410K parameters (~13$\times$ lower than EfficientNet-B0,
respectively) and ~115M FLOPs (~12$\times$ lower than EfficientNet-B0) and
~13$\times$ faster on an ARM Cortex A-72 embedded processor when compared to
EfficientNet-B0.
|
107,496 | 107,496 |
Blind Equalization and Channel Estimation in Coherent Optical
Communications Using Variational Autoencoders
|
We investigate the potential of adaptive blind equalizers based on
variational inference for carrier recovery in optical communications. These
equalizers are based on a low-complexity approximation of maximum likelihood
channel estimation. We generalize the concept of variational autoencoder (VAE)
equalizers to higher order modulation formats encompassing probabilistic
constellation shaping (PCS), ubiquitous in optical communications, oversampling
at the receiver, and dual-polarization transmission. Besides black-box
equalizers based on convolutional neural networks, we propose a model-based
equalizer based on a linear butterfly filter and train the filter coefficients
using the variational inference paradigm. As a byproduct, the VAE also provides
a reliable channel estimation. We analyze the VAE in terms of performance and
flexibility over a classical additive white Gaussian noise (AWGN) channel with
inter-symbol interference (ISI) and over a dispersive linear optical
dual-polarization channel. We show that it can extend the application range of
blind adaptive equalizers by outperforming the state-of-the-art
constant-modulus algorithm (CMA) for PCS for both fixed but also time-varying
channels. The evaluation is accompanied with a hyperparameter analysis.
|
107,497 | 107,497 |
Enable Deep Learning on Mobile Devices: Methods, Systems, and
Applications
|
Deep neural networks (DNNs) have achieved unprecedented success in the field
of artificial intelligence (AI), including computer vision, natural language
processing and speech recognition. However, their superior performance comes at
the considerable cost of computational complexity, which greatly hinders their
applications in many resource-constrained devices, such as mobile phones and
Internet of Things (IoT) devices. Therefore, methods and techniques that are
able to lift the efficiency bottleneck while preserving the high accuracy of
DNNs are in great demand in order to enable numerous edge AI applications. This
paper provides an overview of efficient deep learning methods, systems and
applications. We start from introducing popular model compression methods,
including pruning, factorization, quantization as well as compact model design.
To reduce the large design cost of these manual solutions, we discuss the
AutoML framework for each of them, such as neural architecture search (NAS) and
automated pruning and quantization. We then cover efficient on-device training
to enable user customization based on the local data on mobile devices. Apart
from general acceleration techniques, we also showcase several task-specific
accelerations for point cloud, video and natural language processing by
exploiting their spatial sparsity and temporal/token redundancy. Finally, to
support all these algorithmic advancements, we introduce the efficient deep
learning system design from both software and hardware perspectives.
|
107,498 | 107,498 |
Human-AI Collaboration via Conditional Delegation: A Case Study of
Content Moderation
|
Despite impressive performance in many benchmark datasets, AI models can
still make mistakes, especially among out-of-distribution examples. It remains
an open question how such imperfect models can be used effectively in
collaboration with humans. Prior work has focused on AI assistance that helps
people make individual high-stakes decisions, which is not scalable for a large
amount of relatively low-stakes decisions, e.g., moderating social media
comments. Instead, we propose conditional delegation as an alternative paradigm
for human-AI collaboration where humans create rules to indicate trustworthy
regions of a model. Using content moderation as a testbed, we develop novel
interfaces to assist humans in creating conditional delegation rules and
conduct a randomized experiment with two datasets to simulate in-distribution
and out-of-distribution scenarios. Our study demonstrates the promise of
conditional delegation in improving model performance and provides insights
into design for this novel paradigm, including the effect of AI explanations.
|
107,499 | 107,499 |
Can Rationalization Improve Robustness?
|
A growing line of work has investigated the development of neural NLP models
that can produce rationales--subsets of input that can explain their model
predictions. In this paper, we ask whether such rationale models can also
provide robustness to adversarial attacks in addition to their interpretable
nature. Since these models need to first generate rationales ("rationalizer")
before making predictions ("predictor"), they have the potential to ignore
noise or adversarially added text by simply masking it out of the generated
rationale. To this end, we systematically generate various types of 'AddText'
attacks for both token and sentence-level rationalization tasks, and perform an
extensive empirical evaluation of state-of-the-art rationale models across five
different tasks. Our experiments reveal that the rationale models show the
promise to improve robustness, while they struggle in certain scenarios--when
the rationalizer is sensitive to positional bias or lexical choices of attack
text. Further, leveraging human rationale as supervision does not always
translate to better performance. Our study is a first step towards exploring
the interplay between interpretability and robustness in the
rationalize-then-predict framework.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.