Unnamed: 0.1
int64 0
113k
| Unnamed: 0
float64 0
113k
⌀ | title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|---|---|
107,000 | 107,000 |
LRH-Net: A Multi-Level Knowledge Distillation Approach for Low-Resource
Heart Network
|
An electrocardiogram (ECG) monitors the electrical activity generated by the
heart and is used to detect fatal cardiovascular diseases (CVDs).
Conventionally, to capture the precise electrical activity, clinical experts
use multiple-lead ECGs (typically 12 leads). But in recent times, large-size
deep learning models have been used to detect these diseases. However, such
models require heavy compute resources like huge memory and long inference
time. To alleviate these shortcomings, we propose a low-parameter model, named
Low Resource Heart-Network (LRH-Net), which uses fewer leads to detect ECG
anomalies in a resource-constrained environment. A multi-level knowledge
distillation process is used on top of that to get better generalization
performance on our proposed model. The multi-level knowledge distillation
process distills the knowledge to LRH-Net trained on a reduced number of leads
from higher parameter (teacher) models trained on multiple leads to reduce the
performance gap. The proposed model is evaluated on the PhysioNet-2020
challenge dataset with constrained input. The parameters of the LRH-Net are
106x less than our teacher model for detecting CVDs. The performance of the
LRH-Net was scaled up to 3.2% and the inference time scaled down by 75%
compared to the teacher model. In contrast to the compute- and
parameter-intensive deep learning techniques, the proposed methodology uses a
subset of ECG leads using the low resource LRH-Net, making it eminently
suitable for deployment on edge devices.
|
107,001 | 107,001 |
Limit theorems of Chatterjee's rank correlation
|
Establishing the limiting distribution of Chatterjee's rank correlation for a
general, possibly non-independent, pair of random variables has been eagerly
awaited to many. This paper shows that (a) Chatterjee's rank correlation is
asymptotically normal as long as one variable is not a measurable function of
the other, and (b) the corresponding asymptotic variance is uniformly bounded
by 36. Similar results also hold for Azadkia-Chatterjee's graph-based
correlation coefficient, a multivariate analogue of Chatterjee's original
proposal. The proof is given by appealing to H\'ajek representation and
Chatterjee's nearest-neighbor CLT.
|
107,002 | 107,002 |
Federated Learning Cost Disparity for IoT Devices
|
Federated learning (FL) promotes predictive model training at the Internet of
things (IoT) devices by evading data collection cost in terms of energy, time,
and privacy. We model the learning gain achieved by an IoT device against its
participation cost as its utility. Due to the device-heterogeneity, the local
model learning cost and its quality, which can be time-varying, differs from
device to device. We show that this variation results in utility unfairness
because the same global model is shared among the devices. By default, the
master is unaware of the local model computation and transmission costs of the
devices, thus it is unable to address the utility unfairness problem. Also, a
device may exploit this lack of knowledge at the master to intentionally reduce
its expenditure and thereby enhance its utility. We propose to control the
quality of the global model shared with the devices, in each round, based on
their contribution and expenditure. This is achieved by employing differential
privacy to curtail global model divulgence based on the learning contribution.
In addition, we devise adaptive computation and transmission policies for each
device to control its expenditure in order to mitigate utility unfairness. Our
results show that the proposed scheme reduces the standard deviation of the
energy cost of devices by 99% in comparison to the benchmark scheme, while the
standard deviation of the training loss of devices varies around 0.103.
|
107,003 | 107,003 |
NICO++: Towards Better Benchmarking for Domain Generalization
|
Despite the remarkable performance that modern deep neural networks have
achieved on independent and identically distributed (I.I.D.) data, they can
crash under distribution shifts. Most current evaluation methods for domain
generalization (DG) adopt the leave-one-out strategy as a compromise on the
limited number of domains. We propose a large-scale benchmark with extensive
labeled domains named NICO++ along with more rational evaluation methods for
comprehensively evaluating DG algorithms. To evaluate DG datasets, we propose
two metrics to quantify covariate shift and concept shift, respectively. Two
novel generalization bounds from the perspective of data construction are
proposed to prove that limited concept shift and significant covariate shift
favor the evaluation capability for generalization. Through extensive
experiments, NICO++ shows its superior evaluation capability compared with
current DG datasets and its contribution in alleviating unfairness caused by
the leak of oracle knowledge in model selection.
|
107,004 | 107,004 |
Self-Aware Personalized Federated Learning
|
In the context of personalized federated learning (FL), the critical
challenge is to balance local model improvement and global model tuning when
the personal and global objectives may not be exactly aligned. Inspired by
Bayesian hierarchical models, we develop a self-aware personalized FL method
where each client can automatically balance the training of its local personal
model and the global model that implicitly contributes to other clients'
training. Such a balance is derived from the inter-client and intra-client
uncertainty quantification. A larger inter-client variation implies more
personalization is needed. Correspondingly, our method uses uncertainty-driven
local training steps and aggregation rule instead of conventional local
fine-tuning and sample size-based aggregation. With experimental studies on
synthetic data, Amazon Alexa audio data, and public datasets such as MNIST,
FEMNIST, CIFAR10, and Sent140, we show that our proposed method can achieve
significantly improved personalization performance compared with the existing
counterparts.
|
107,005 | 107,005 |
A Novel ASIC Design Flow using Weight-Tunable Binary Neurons as Standard
Cells
|
In this paper, we describe a design of a mixed signal circuit for a binary
neuron (a.k.a perceptron, threshold logic gate) and a methodology for
automatically embedding such cells in ASICs. The binary neuron, referred to as
an FTL (flash threshold logic) uses floating gate or flash transistors whose
threshold voltages serve as a proxy for the weights of the neuron. Algorithms
for mapping the weights to the flash transistor threshold voltages are
presented. The threshold voltages are determined to maximize both the
robustness of the cell and its speed. The performance, power, and area of a
single FTL cell are shown to be significantly smaller (79.4%), consume less
power (61.6%), and operate faster (40.3%) compared to conventional CMOS logic
equivalents. Also included are the architecture and the algorithms to program
the flash devices of an FTL. The FTL cells are implemented as standard cells,
and are designed to allow commercial synthesis and P&R tools to automatically
use them in synthesis of ASICs. Substantial reductions in area and power
without sacrificing performance are demonstrated on several ASIC benchmarks by
the automatic embedding of FTL cells. The paper also demonstrates how FTL cells
can be used for fixing timing errors after fabrication.
|
107,006 | 107,006 |
Learning Compositional Representations for Effective Low-Shot
Generalization
|
We propose Recognition as Part Composition (RPC), an image encoding approach
inspired by human cognition. It is based on the cognitive theory that humans
recognize complex objects by components, and that they build a small compact
vocabulary of concepts to represent each instance with. RPC encodes images by
first decomposing them into salient parts, and then encoding each part as a
mixture of a small number of prototypes, each representing a certain concept.
We find that this type of learning inspired by human cognition can overcome
hurdles faced by deep convolutional networks in low-shot generalization tasks,
like zero-shot learning, few-shot learning and unsupervised domain adaptation.
Furthermore, we find a classifier using an RPC image encoder is fairly robust
to adversarial attacks, that deep neural networks are known to be prone to.
Given that our image encoding principle is based on human cognition, one would
expect the encodings to be interpretable by humans, which we find to be the
case via crowd-sourcing experiments. Finally, we propose an application of
these interpretable encodings in the form of generating synthetic attribute
annotations for evaluating zero-shot learning methods on new datasets.
|
107,007 | 107,007 |
A Data-Driven Methodology for Considering Feasibility and Pairwise
Likelihood in Deep Learning Based Guitar Tablature Transcription Systems
|
Guitar tablature transcription is an important but understudied problem
within the field of music information retrieval. Traditional signal processing
approaches offer only limited performance on the task, and there is little
acoustic data with transcription labels for training machine learning models.
However, guitar transcription labels alone are more widely available in the
form of tablature, which is commonly shared among guitarists online. In this
work, a collection of symbolic tablature is leveraged to estimate the pairwise
likelihood of notes on the guitar. The output layer of a baseline tablature
transcription model is reformulated, such that an inhibition loss can be
incorporated to discourage the co-activation of unlikely note pairs. This
naturally enforces playability constraints for guitar, and yields tablature
which is more consistent with the symbolic data used to estimate pairwise
likelihoods. With this methodology, we show that symbolic tablature can be used
to shape the distribution of a tablature transcription model's predictions,
even when little acoustic data is available.
|
107,008 | 107,008 |
Exploiting Embodied Simulation to Detect Novel Object Classes Through
Interaction
|
In this paper we present a novel method for a naive agent to detect novel
objects it encounters in an interaction. We train a reinforcement learning
policy on a stacking task given a known object type, and then observe the
results of the agent attempting to stack various other objects based on the
same trained policy. By extracting embedding vectors from a convolutional
neural net trained over the results of the aforementioned stacking play, we can
determine the similarity of a given object to known object types, and determine
if the given object is likely dissimilar enough to the known types to be
considered a novel class of object. We present the results of this method on
two datasets gathered using two different policies and demonstrate what
information the agent needs to extract from its environment to make these
novelty judgments.
|
107,009 | 107,009 |
Non-Parallel Text Style Transfer with Self-Parallel Supervision
|
The performance of existing text style transfer models is severely limited by
the non-parallel datasets on which the models are trained. In non-parallel
datasets, no direct mapping exists between sentences of the source and target
style; the style transfer models thus only receive weak supervision of the
target sentences during training, which often leads the model to discard too
much style-independent information, or utterly fail to transfer the style. In
this work, we propose LaMer, a novel text style transfer framework based on
large-scale language models. LaMer first mines the roughly parallel expressions
in the non-parallel datasets with scene graphs, and then employs MLE training,
followed by imitation learning refinement, to leverage the intrinsic
parallelism within the data. On two benchmark tasks (sentiment & formality
transfer) and a newly proposed challenging task (political stance transfer),
our model achieves qualitative advances in transfer accuracy, content
preservation, and fluency. Further empirical and human evaluations demonstrate
that our model not only makes training more efficient, but also generates more
readable and diverse expressions than previous models.
|
107,010 | 107,010 |
FedKL: Tackling Data Heterogeneity in Federated Reinforcement Learning
by Penalizing KL Divergence
|
As a distributed learning paradigm, Federated Learning (FL) faces the
communication bottleneck issue due to many rounds of model synchronization and
aggregation. Heterogeneous data further deteriorates the situation by causing
slow convergence. Although the impact of data heterogeneity on supervised FL
has been widely studied, the related investigation for Federated Reinforcement
Learning (FRL) is still in its infancy. In this paper, we first define the type
and level of data heterogeneity for policy gradient based FRL systems. By
inspecting the connection between the global and local objective functions, we
prove that local training can benefit the global objective, if the local update
is properly penalized by the total variation (TV) distance between the local
and global policies. A necessary condition for the global policy to be
learn-able from the local policy is also derived, which is directly related to
the heterogeneity level. Based on the theoretical result, a Kullback-Leibler
(KL) divergence based penalty is proposed, which, different from the
conventional method that penalizes the model divergence in the parameter space,
directly constrains the model outputs in the distribution space. By jointly
penalizing the divergence of the local policy from the global policy with a
global penalty and constraining each iteration of the local training with a
local penalty, the proposed method achieves a better trade-off between training
speed (step size) and convergence. Experiment results on two popular RL
experiment platforms demonstrate the advantage of the proposed algorithm over
existing methods in accelerating and stabilizing the training process with
heterogeneous data.
|
107,011 | 107,011 |
A Practical Cross-Device Federated Learning Framework over 5G Networks
|
The concept of federated learning (FL) was first proposed by Google in 2016.
Thereafter, FL has been widely studied for the feasibility of application in
various fields due to its potential to make full use of data without
compromising the privacy. However, limited by the capacity of wireless data
transmission, the employment of federated learning on mobile devices has been
making slow progress in practical. The development and commercialization of the
5th generation (5G) mobile networks has shed some light on this. In this paper,
we analyze the challenges of existing federated learning schemes for mobile
devices and propose a novel cross-device federated learning framework, which
utilizes the anonymous communication technology and ring signature to protect
the privacy of participants while reducing the computation overhead of mobile
devices participating in FL. In addition, our scheme implements a
contribution-based incentive mechanism to encourage mobile users to participate
in FL. We also give a case study of autonomous driving. Finally, we present the
performance evaluation of the proposed scheme and discuss some open issues in
federated learning.
|
107,012 | 107,012 |
Trinary Tools for Continuously Valued Binary Classifiers
|
Classification methods for binary (yes/no) tasks often produce a continuously
valued score. Machine learning practitioners must perform model selection,
calibration, discretization, performance assessment, tuning, and fairness
assessment. Such tasks involve examining classifier results, typically using
summary statistics and manual examination of details. In this paper, we provide
an interactive visualization approach to support such continuously-valued
classifier examination tasks. Our approach addresses the three phases of these
tasks: calibration, operating point selection, and examination. We enhance
standard views and introduce task-specific views so that they can be integrated
into a multi-view coordination (MVC) system. We build on an existing
comparison-based approach, extending it to continuous classifiers by treating
the continuous values as trinary (positive, unsure, negative) even if the
classifier will not ultimately use the 3-way classification. We provide use
cases that demonstrate how our approach enables machine learning practitioners
to accomplish key tasks.
|
107,013 | 107,013 |
Characterizing and Understanding Distributed GNN Training on GPUs
|
Graph neural network (GNN) has been demonstrated to be a powerful model in
many domains for its effectiveness in learning over graphs. To scale GNN
training for large graphs, a widely adopted approach is distributed training
which accelerates training using multiple computing nodes. Maximizing the
performance is essential, but the execution of distributed GNN training remains
preliminarily understood. In this work, we provide an in-depth analysis of
distributed GNN training on GPUs, revealing several significant observations
and providing useful guidelines for both software optimization and hardware
optimization.
|
107,014 | 107,014 |
A dynamical systems based framework for dimension reduction
|
We propose a novel framework for learning a low-dimensional representation of
data based on nonlinear dynamical systems, which we call dynamical dimension
reduction (DDR). In the DDR model, each point is evolved via a nonlinear flow
towards a lower-dimensional subspace; the projection onto the subspace gives
the low-dimensional embedding. Training the model involves identifying the
nonlinear flow and the subspace. Following the equation discovery method, we
represent the vector field that defines the flow using a linear combination of
dictionary elements, where each element is a pre-specified linear/nonlinear
candidate function. A regularization term for the average total kinetic energy
is also introduced and motivated by optimal transport theory. We prove that the
resulting optimization problem is well-posed and establish several properties
of the DDR method. We also show how the DDR method can be trained using a
gradient-based optimization method, where the gradients are computed using the
adjoint method from optimal control theory. The DDR method is implemented and
compared on synthetic and example datasets to other dimension reductions
methods, including PCA, t-SNE, and Umap.
|
107,015 | 107,015 |
Multi-scale Anomaly Detection for Big Time Series of Industrial Sensors
|
Given a multivariate big time series, can we detect anomalies as soon as they
occur? Many existing works detect anomalies by learning how much a time series
deviates away from what it should be in the reconstruction framework. However,
most models have to cut the big time series into small pieces empirically since
optimization algorithms cannot afford such a long series. The question is
raised: do such cuts pollute the inherent semantic segments, like incorrect
punctuation in sentences? Therefore, we propose a reconstruction-based anomaly
detection method, MissGAN, iteratively learning to decode and encode naturally
smooth time series in coarse segments, and finding out a finer segment from
low-dimensional representations based on HMM. As a result, learning from
multi-scale segments, MissGAN can reconstruct a meaningful and robust time
series, with the help of adversarial regularization and extra conditional
states. MissGAN does not need labels or only needs labels of normal instances,
making it widely applicable. Experiments on industrial datasets of real water
network sensors show our MissGAN outperforms the baselines with scalability.
Besides, we use a case study on the CMU Motion dataset to demonstrate that our
model can well distinguish unexpected gestures from a given conditional motion.
|
107,016 | 107,016 |
On Arbitrary Compression for Decentralized Consensus and Stochastic
Optimization over Directed Networks
|
We study the decentralized consensus and stochastic optimization problems
with compressed communications over static directed graphs. We propose an
iterative gradient-based algorithm that compresses messages according to a
desired compression ratio. The proposed method provably reduces the
communication overhead on the network at every communication round. Contrary to
existing literature, we allow for arbitrary compression ratios in the
communicated messages. We show a linear convergence rate for the proposed
method on the consensus problem. Moreover, we provide explicit convergence
rates for decentralized stochastic optimization problems on smooth functions
that are either (i) strongly convex, (ii) convex, or (iii) non-convex. Finally,
we provide numerical experiments to illustrate convergence under arbitrary
compression ratios and the communication efficiency of our algorithm.
|
107,017 | 107,017 |
TOD-CNN: An Effective Convolutional Neural Network for Tiny Object
Detection in Sperm Videos
|
The detection of tiny objects in microscopic videos is a problematic point,
especially in large-scale experiments. For tiny objects (such as sperms) in
microscopic videos, current detection methods face challenges in fuzzy,
irregular, and precise positioning of objects. In contrast, we present a
convolutional neural network for tiny object detection (TOD-CNN) with an
underlying data set of high-quality sperm microscopic videos (111 videos, $>$
278,000 annotated objects), and a graphical user interface (GUI) is designed to
employ and test the proposed model effectively. TOD-CNN is highly accurate,
achieving $85.60\%$ AP$_{50}$ in the task of real-time sperm detection in
microscopic videos. To demonstrate the importance of sperm detection technology
in sperm quality analysis, we carry out relevant sperm quality evaluation
metrics and compare them with the diagnosis results from medical doctors.
|
107,018 | 107,018 |
TABi: Type-Aware Bi-Encoders for Open-Domain Entity Retrieval
|
Entity retrieval--retrieving information about entity mentions in a query--is
a key step in open-domain tasks, such as question answering or fact checking.
However, state-of-the-art entity retrievers struggle to retrieve rare entities
for ambiguous mentions due to biases towards popular entities. Incorporating
knowledge graph types during training could help overcome popularity biases,
but there are several challenges: (1) existing type-based retrieval methods
require mention boundaries as input, but open-domain tasks run on unstructured
text, (2) type-based methods should not compromise overall performance, and (3)
type-based methods should be robust to noisy and missing types. In this work,
we introduce TABi, a method to jointly train bi-encoders on knowledge graph
types and unstructured text for entity retrieval for open-domain tasks. TABi
leverages a type-enforced contrastive loss to encourage entities and queries of
similar types to be close in the embedding space. TABi improves retrieval of
rare entities on the Ambiguous Entity Retrieval (AmbER) sets, while maintaining
strong overall retrieval performance on open-domain tasks in the KILT benchmark
compared to state-of-the-art retrievers. TABi is also robust to incomplete type
systems, improving rare entity retrieval over baselines with only 5% type
coverage of the training dataset. We make our code publicly available at
https://github.com/HazyResearch/tabi.
|
107,019 | 107,019 |
Usage of specific attention improves change point detection
|
The change point is a moment of an abrupt alteration in the data
distribution. Current methods for change point detection are based on recurrent
neural methods suitable for sequential data. However, recent works show that
transformers based on attention mechanisms perform better than standard
recurrent models for many tasks. The most benefit is noticeable in the case of
longer sequences. In this paper, we investigate different attentions for the
change point detection task and proposed specific form of attention related to
the task at hand. We show that using a special form of attention outperforms
state-of-the-art results.
|
107,020 | 107,020 |
Understanding Gradual Domain Adaptation: Improved Analysis, Optimal Path
and Beyond
|
The vast majority of existing algorithms for unsupervised domain adaptation
(UDA) focus on adapting from a labeled source domain to an unlabeled target
domain directly in a one-off way. Gradual domain adaptation (GDA), on the other
hand, assumes a path of $(T-1)$ unlabeled intermediate domains bridging the
source and target, and aims to provide better generalization in the target
domain by leveraging the intermediate ones. Under certain assumptions, Kumar et
al. (2020) proposed a simple algorithm, Gradual Self-Training, along with a
generalization bound in the order of $e^{O(T)}
\left(\varepsilon_0+O\left(\sqrt{log(T)/n}\right)\right)$ for the target domain
error, where $\varepsilon_0$ is the source domain error and $n$ is the data
size of each domain. Due to the exponential factor, this upper bound becomes
vacuous when $T$ is only moderately large. In this work, we analyze gradual
self-training under more general and relaxed assumptions, and prove a
significantly improved generalization bound as
$\widetilde{O}\left(\varepsilon_0 + T\Delta + T/\sqrt{n} + 1/\sqrt{nT}\right)$,
where $\Delta$ is the average distributional distance between consecutive
domains. Compared with the existing bound with an exponential dependency on $T$
as a multiplicative factor, our bound only depends on $T$ linearly and
additively. Perhaps more interestingly, our result implies the existence of an
optimal choice of $T$ that minimizes the generalization error, and it also
naturally suggests an optimal way to construct the path of intermediate domains
so as to minimize the accumulative path length $T\Delta$ between the source and
target. To corroborate the implications of our theory, we examine gradual
self-training on multiple semi-synthetic and real datasets, which confirms our
findings. We believe our insights provide a path forward toward the design of
future GDA algorithms.
|
107,021 | 107,021 |
A Greedy and Optimistic Approach to Clustering with a Specified
Uncertainty of Covariates
|
In this study, we examine a clustering problem in which the covariates of
each individual element in a dataset are associated with an uncertainty
specific to that element. More specifically, we consider a clustering approach
in which a pre-processing applying a non-linear transformation to the
covariates is used to capture the hidden data structure. To this end, we
approximate the sets representing the propagated uncertainty for the
pre-processed features empirically. To exploit the empirical uncertainty sets,
we propose a greedy and optimistic clustering (GOC) algorithm that finds better
feature candidates over such sets, yielding more condensed clusters. As an
important application, we apply the GOC algorithm to synthetic datasets of the
orbital properties of stars generated through our numerical simulation
mimicking the formation process of the Milky Way. The GOC algorithm
demonstrates an improved performance in finding sibling stars originating from
the same dwarf galaxy. These realistic datasets have also been made publicly
available.
|
107,022 | 107,022 |
TigerLily: Finding drug interactions in silico with the Graph
|
Tigerlily is a TigerGraph based system designed to solve the drug interaction
prediction task. In this machine learning task, we want to predict whether two
drugs have an adverse interaction. Our framework allows us to solve this highly
relevant real-world problem using graph mining techniques in these steps:
(a) Using PyTigergraph we create a heterogeneous biological graph of drugs
and proteins.
(b) We calculate the personalized PageRank scores of drug nodes in the
TigerGraph Cloud.
(c) We embed the nodes using sparse non-negative matrix factorization of the
personalized PageRank matrix.
(d) Using the node embeddings we train a gradient boosting based drug
interaction predictor.
|
107,023 | 107,023 |
How to Attain Communication-Efficient DNN Training? Convert, Compress,
Correct
|
In this paper, we introduce $\mathsf{CO}_3$, an algorithm for
communication-efficiency federated Deep Neural Network (DNN)
training.$\mathsf{CO}_3$ takes its name from three processing applied steps
which reduce the communication load when transmitting the local gradients from
the remote users to the Parameter Server.Namely:(i) gradient quantization
through floating-point conversion, (ii) lossless compression of the quantized
gradient, and (iii) quantization error correction.We carefully design each of
the steps above so as to minimize the loss in the distributed DNN training when
the communication overhead is fixed.In particular, in the design of steps (i)
and (ii), we adopt the assumption that DNN gradients are distributed according
to a generalized normal distribution.This assumption is validated numerically
in the paper. For step (iii), we utilize an error feedback with memory decay
mechanism to correct the quantization error introduced in step (i). We argue
that this coefficient, similarly to the learning rate, can be optimally tuned
to improve convergence. The performance of $\mathsf{CO}_3$ is validated through
numerical simulations and is shown having better accuracy and improved
stability at a reduced communication payload.
|
107,024 | 107,024 |
Empirical Evaluation and Theoretical Analysis for Representation
Learning: A Survey
|
Representation learning enables us to automatically extract generic feature
representations from a dataset to solve another machine learning task.
Recently, extracted feature representations by a representation learning
algorithm and a simple predictor have exhibited state-of-the-art performance on
several machine learning tasks. Despite its remarkable progress, there exist
various ways to evaluate representation learning algorithms depending on the
application because of the flexibility of representation learning. To
understand the current representation learning, we review evaluation methods of
representation learning algorithms and theoretical analyses. On the basis of
our evaluation survey, we also discuss the future direction of representation
learning. Note that this survey is the extended version of Nozawa and Sato
(2022).
|
107,025 | 107,025 |
Fast optimization of common basis for matrix set through Common Singular
Value Decomposition
|
SVD (singular value decomposition) is one of the basic tools of machine
learning, allowing to optimize basis for a given matrix. However, sometimes we
have a set of matrices $\{A_k\}_k$ instead, and would like to optimize a single
common basis for them: find orthogonal matrices $U$, $V$, such that $\{U^T A_k
V\}$ set of matrices is somehow simpler. For example DCT-II is orthonormal
basis of functions commonly used in image/video compression - as discussed
here, this kind of basis can be quickly automatically optimized for a given
dataset. While also discussed gradient descent optimization might be
computationally costly, there is proposed CSVD (common SVD): fast general
approach based on SVD. Specifically, we choose $U$ as built of eigenvectors of
$\sum_i (w_k)^q (A_k A_k^T)^p$ and $V$ of $\sum_k (w_k)^q (A_k^T A_k)^p$, where
$w_k$ are their weights, $p,q>0$ are some chosen powers e.g. 1/2, optionally
with normalization e.g. $A \to A - rc^T$ where $r_i=\sum_j A_{ij}, c_j =\sum_i
A_{ij}$.
|
107,026 | 107,026 |
Joint Multi-view Unsupervised Feature Selection and Graph Learning
|
Despite the recent progress, the existing multi-view unsupervised feature
selection methods mostly suffer from two limitations. First, they generally
utilize either cluster structure or similarity structure to guide the feature
selection, neglecting the possibility of a joint formulation with mutual
benefits. Second, they often learn the similarity structure by either global
structure learning or local structure learning, lacking the capability of graph
learning with both global and local structural awareness. In light of this,
this paper presents a joint multi-view unsupervised feature selection and graph
learning (JMVFG) approach. Particularly, we formulate the multi-view feature
selection with orthogonal decomposition, where each target matrix is decomposed
into a view-specific basis matrix and a view-consistent cluster indicator.
Cross-space locality preservation is incorporated to bridge the cluster
structure learning in the projected space and the similarity learning (i.e.,
graph learning) in the original space. Further, a unified objective function is
presented to enable the simultaneous learning of the cluster structure, the
global and local similarity structures, and the multi-view consistency and
inconsistency, upon which an alternating optimization algorithm is developed
with theoretically proved convergence. Extensive experiments demonstrate the
superiority of our approach for both multi-view feature selection and graph
learning tasks.
|
107,027 | 107,027 |
Visio-Linguistic Brain Encoding
|
Enabling effective brain-computer interfaces requires understanding how the
human brain encodes stimuli across modalities such as visual, language (or
text), etc. Brain encoding aims at constructing fMRI brain activity given a
stimulus. There exists a plethora of neural encoding models which study brain
encoding for single mode stimuli: visual (pretrained CNNs) or text (pretrained
language models). Few recent papers have also obtained separate visual and text
representation models and performed late-fusion using simple heuristics.
However, previous work has failed to explore: (a) the effectiveness of image
Transformer models for encoding visual stimuli, and (b) co-attentive
multi-modal modeling for visual and text reasoning. In this paper, we
systematically explore the efficacy of image Transformers (ViT, DEiT, and BEiT)
and multi-modal Transformers (VisualBERT, LXMERT, and CLIP) for brain encoding.
Extensive experiments on two popular datasets, BOLD5000 and Pereira, provide
the following insights. (1) To the best of our knowledge, we are the first to
investigate the effectiveness of image and multi-modal Transformers for brain
encoding. (2) We find that VisualBERT, a multi-modal Transformer, significantly
outperforms previously proposed single-mode CNNs, image Transformers as well as
other previously proposed multi-modal models, thereby establishing new
state-of-the-art. The supremacy of visio-linguistic models raises the question
of whether the responses elicited in the visual regions are affected implicitly
by linguistic processing even when passively viewing images. Future fMRI tasks
can verify this computational insight in an appropriate experimental setting.
|
107,028 | 107,028 |
Differentiable Time-Frequency Scattering in Kymatio
|
Joint time-frequency scattering (JTFS) is a convolutional operator in the
time-frequency domain which extracts spectrotemporal modulations at various
rates and scales. It offers an idealized model of spectrotemporal receptive
fields (STRF) in the primary auditory cortex, and thus may serve as a
biological plausible surrogate for human perceptual judgments at the scale of
isolated audio events. Yet, prior implementations of JTFS and STRF have
remained outside of the standard toolkit of perceptual similarity measures and
evaluation methods for audio generation. We trace this issue down to three
limitations: differentiability, speed, and flexibility. In this paper, we
present an implementation of time-frequency scattering in Kymatio, an
open-source Python package for scattering transforms. Unlike prior
implementations, Kymatio accommodates NumPy and PyTorch as backends and is thus
portable on both CPU and GPU. We demonstrate the usefulness of JTFS in Kymatio
via three applications: unsupervised manifold learning of spectrotemporal
modulations, supervised classification of musical instruments, and texture
resynthesis of bioacoustic sounds.
|
107,029 | 107,029 |
Iterative Hard Thresholding with Adaptive Regularization: Sparser
Solutions Without Sacrificing Runtime
|
We propose a simple modification to the iterative hard thresholding (IHT)
algorithm, which recovers asymptotically sparser solutions as a function of the
condition number. When aiming to minimize a convex function $f(x)$ with
condition number $\kappa$ subject to $x$ being an $s$-sparse vector, the
standard IHT guarantee is a solution with relaxed sparsity $O(s\kappa^2)$,
while our proposed algorithm, regularized IHT, returns a solution with sparsity
$O(s\kappa)$. Our algorithm significantly improves over ARHT which also finds a
solution of sparsity $O(s\kappa)$, as it does not require re-optimization in
each iteration (and so is much faster), is deterministic, and does not require
knowledge of the optimal solution value $f(x^*)$ or the optimal sparsity level
$s$. Our main technical tool is an adaptive regularization framework, in which
the algorithm progressively learns the weights of an $\ell_2$ regularization
term that will allow convergence to sparser solutions. We also apply this
framework to low rank optimization, where we achieve a similar improvement of
the best known condition number dependence from $\kappa^2$ to $\kappa$.
|
107,030 | 107,030 |
Decision-Dependent Risk Minimization in Geometrically Decaying Dynamic
Environments
|
This paper studies the problem of expected loss minimization given a data
distribution that is dependent on the decision-maker's action and evolves
dynamically in time according to a geometric decay process. Novel algorithms
for both the information setting in which the decision-maker has a first order
gradient oracle and the setting in which they have simply a loss function
oracle are introduced. The algorithms operate on the same underlying principle:
the decision-maker repeatedly deploys a fixed decision over the length of an
epoch, thereby allowing the dynamically changing environment to sufficiently
mix before updating the decision. The iteration complexity in each of the
settings is shown to match existing rates for first and zero order stochastic
gradient methods up to logarithmic factors. The algorithms are evaluated on a
"semi-synthetic" example using real world data from the SFpark dynamic pricing
pilot study; it is shown that the announced prices result in an improvement for
the institution's objective (target occupancy), while achieving an overall
reduction in parking rates.
|
107,031 | 107,031 |
A Convergence Analysis of Nesterov's Accelerated Gradient Method in
Training Deep Linear Neural Networks
|
Momentum methods, including heavy-ball~(HB) and Nesterov's accelerated
gradient~(NAG), are widely used in training neural networks for their fast
convergence. However, there is a lack of theoretical guarantees for their
convergence and acceleration since the optimization landscape of the neural
network is non-convex. Nowadays, some works make progress towards understanding
the convergence of momentum methods in an over-parameterized regime, where the
number of the parameters exceeds that of the training instances. Nonetheless,
current results mainly focus on the two-layer neural network, which are far
from explaining the remarkable success of the momentum methods in training deep
neural networks. Motivated by this, we investigate the convergence of NAG with
constant learning rate and momentum parameter in training two architectures of
deep linear networks: deep fully-connected linear neural networks and deep
linear ResNets. Based on the over-parameterization regime, we first analyze the
residual dynamics induced by the training trajectory of NAG for a deep
fully-connected linear neural network under the random Gaussian initialization.
Our results show that NAG can converge to the global minimum at a $(1 -
\mathcal{O}(1/\sqrt{\kappa}))^t$ rate, where $t$ is the iteration number and
$\kappa > 1$ is a constant depending on the condition number of the feature
matrix. Compared to the $(1 - \mathcal{O}(1/{\kappa}))^t$ rate of GD, NAG
achieves an acceleration over GD. To the best of our knowledge, this is the
first theoretical guarantee for the convergence of NAG to the global minimum in
training deep neural networks. Furthermore, we extend our analysis to deep
linear ResNets and derive a similar convergence result.
|
107,032 | 107,032 |
Application of Transfer Learning and Ensemble Learning in Image-level
Classification for Breast Histopathology
|
Background: Breast cancer has the highest prevalence in women globally. The
classification and diagnosis of breast cancer and its histopathological images
have always been a hot spot of clinical concern. In Computer-Aided Diagnosis
(CAD), traditional classification models mostly use a single network to extract
features, which has significant limitations. On the other hand, many networks
are trained and optimized on patient-level datasets, ignoring the application
of lower-level data labels.
Method: This paper proposes a deep ensemble model based on image-level labels
for the binary classification of benign and malignant lesions of breast
histopathological images. First, the BreaKHis dataset is randomly divided into
a training, validation and test set. Then, data augmentation techniques are
used to balance the number of benign and malignant samples. Thirdly,
considering the performance of transfer learning and the complementarity
between each network, VGG16, Xception, ResNet50, DenseNet201 are selected as
the base classifiers.
Result: In the ensemble network model with accuracy as the weight, the
image-level binary classification achieves an accuracy of $98.90\%$. In order
to verify the capabilities of our method, the latest Transformer and Multilayer
Perception (MLP) models have been experimentally compared on the same dataset.
Our model wins with a $5\%-20\%$ advantage, emphasizing the ensemble model's
far-reaching significance in classification tasks.
Conclusion: This research focuses on improving the model's classification
performance with an ensemble algorithm. Transfer learning plays an essential
role in small datasets, improving training speed and accuracy. Our model has
outperformed many existing approaches in accuracy, providing a method for the
field of auxiliary medical diagnosis.
|
107,033 | 107,033 |
An alternative approach for distributed parameter estimation under
Gaussian settings
|
This paper takes a different approach for the distributed linear parameter
estimation over a multi-agent network. The parameter vector is considered to be
stochastic with a Gaussian distribution. The sensor measurements at each agent
are linear and corrupted with additive white Gaussian noise. Under such
settings, this paper presents a novel distributed estimation algorithm that
fuses the the concepts of consensus and innovations by incorporating the
consensus terms (of neighboring estimates) into the innovation terms. Under the
assumption of distributed parameter observability, introduced in this paper, we
design the optimal gain matrices such that the distributed estimates are
consistent and achieves fast convergence.
|
107,034 | 107,034 |
Backward Reachability Analysis for Neural Feedback Loops
|
The increasing prevalence of neural networks (NNs) in safety-critical
applications calls for methods to certify their behavior and guarantee safety.
This paper presents a backward reachability approach for safety verification of
neural feedback loops (NFLs), i.e., closed-loop systems with NN control
policies. While recent works have focused on forward reachability as a strategy
for safety certification of NFLs, backward reachability offers advantages over
the forward strategy, particularly in obstacle avoidance scenarios. Prior works
have developed techniques for backward reachability analysis for systems
without NNs, but the presence of NNs in the feedback loop presents a unique set
of problems due to the nonlinearities in their activation functions and because
NN models are generally not invertible. To overcome these challenges, we use
existing forward NN analysis tools to find affine bounds on the control inputs
and solve a series of linear programs (LPs) to efficiently find an
approximation of the backprojection (BP) set, i.e., the set of states for which
the NN control policy will drive the system to a given target set. We present
an algorithm to iteratively find BP set estimates over a given time horizon and
demonstrate the ability to reduce conservativeness in the BP set estimates by
up to 88% with low additional computational cost. We use numerical results from
a double integrator model to verify the efficacy of these algorithms and
demonstrate the ability to certify safety for a linearized ground robot model
in a collision avoidance scenario where forward reachability fails.
|
107,035 | 107,035 |
A high-resolution canopy height model of the Earth
|
The worldwide variation in vegetation height is fundamental to the global
carbon cycle and central to the functioning of ecosystems and their
biodiversity. Geospatially explicit and, ideally, highly resolved information
is required to manage terrestrial ecosystems, mitigate climate change, and
prevent biodiversity loss. Here, we present the first global, wall-to-wall
canopy height map at 10 m ground sampling distance for the year 2020. No single
data source meets these requirements: dedicated space missions like GEDI
deliver sparse height data, with unprecedented coverage, whereas optical
satellite images like Sentinel-2 offer dense observations globally, but cannot
directly measure vertical structures. By fusing GEDI with Sentinel-2, we have
developed a probabilistic deep learning model to retrieve canopy height from
Sentinel-2 images anywhere on Earth, and to quantify the uncertainty in these
estimates. The presented approach reduces the saturation effect commonly
encountered when estimating canopy height from satellite images, allowing to
resolve tall canopies with likely high carbon stocks. According to our map,
only 5% of the global landmass is covered by trees taller than 30 m. Such data
play an important role for conservation, e.g., we find that only 34% of these
tall canopies are located within protected areas. Our model enables consistent,
uncertainty-informed worldwide mapping and supports an ongoing monitoring to
detect change and inform decision making. The approach can serve ongoing
efforts in forest conservation, and has the potential to foster advances in
climate, carbon, and biodiversity modelling.
|
107,036 | 107,036 |
Time Series Clustering for Grouping Products Based on Price and Sales
Patterns
|
Developing technology and changing lifestyles have made online grocery
delivery applications an indispensable part of urban life. Since the beginning
of the COVID-19 pandemic, the demand for such applications has dramatically
increased, creating new competitors that disrupt the market. An increasing
level of competition might prompt companies to frequently restructure their
marketing and product pricing strategies. Therefore, identifying the change
patterns in product prices and sales volumes would provide a competitive
advantage for the companies in the marketplace. In this paper, we investigate
alternative clustering methodologies to group the products based on the price
patterns and sales volumes. We propose a novel distance metric that takes into
account how product prices and sales move together rather than calculating the
distance using numerical values. We compare our approach with traditional
clustering algorithms, which typically rely on generic distance metrics such as
Euclidean distance, and image clustering approaches that aim to group data by
capturing its visual patterns. We evaluate the performances of different
clustering algorithms using our custom evaluation metric as well as Calinski
Harabasz and Davies Bouldin indices, which are commonly used internal validity
metrics. We conduct our numerical study using a propriety price dataset from an
online food and grocery delivery company, and the publicly available Favorita
sales dataset. We find that our proposed clustering approach and image
clustering both perform well for finding the products with similar price and
sales patterns within large datasets.
|
107,037 | 107,037 |
Active Learning with Weak Labels for Gaussian Processes
|
Annotating data for supervised learning can be costly. When the annotation
budget is limited, active learning can be used to select and annotate those
observations that are likely to give the most gain in model performance. We
propose an active learning algorithm that, in addition to selecting which
observation to annotate, selects the precision of the annotation that is
acquired. Assuming that annotations with low precision are cheaper to obtain,
this allows the model to explore a larger part of the input space, with the
same annotation costs. We build our acquisition function on the previously
proposed BALD objective for Gaussian Processes, and empirically demonstrate the
gains of being able to adjust the annotation precision in the active learning
loop.
|
107,038 | 107,038 |
Extracting Targeted Training Data from ASR Models, and How to Mitigate
It
|
Recent work has designed methods to demonstrate that model updates in ASR
training can leak potentially sensitive attributes of the utterances used in
computing the updates. In this work, we design the first method to demonstrate
information leakage about training data from trained ASR models. We design
Noise Masking, a fill-in-the-blank style method for extracting targeted parts
of training data from trained ASR models. We demonstrate the success of Noise
Masking by using it in four settings for extracting names from the LibriSpeech
dataset used for training a SOTA Conformer model. In particular, we show that
we are able to extract the correct names from masked training utterances with
11.8% accuracy, while the model outputs some name from the train set 55.2% of
the time. Further, we show that even in a setting that uses synthetic audio and
partial transcripts from the test set, our method achieves 2.5% correct name
accuracy (47.7% any name success rate). Lastly, we design Word Dropout, a data
augmentation method that we show when used in training along with MTR, provides
comparable utility as the baseline, along with significantly mitigating
extraction via Noise Masking across the four evaluated settings.
|
107,039 | 107,039 |
AutoMLBench: A Comprehensive Experimental Evaluation of Automated
Machine Learning Frameworks
|
Nowadays, machine learning is playing a crucial role in harnessing the power
of the massive amounts of data that we are currently producing every day in our
digital world. With the booming demand for machine learning applications, it
has been recognized that the number of knowledgeable data scientists can not
scale with the growing data volumes and application needs in our digital world.
In response to this demand, several automated machine learning (AutoML)
techniques and frameworks have been developed to fill the gap of human
expertise by automating the process of building machine learning pipelines. In
this study, we present a comprehensive evaluation and comparison of the
performance characteristics of six popular AutoML frameworks, namely,
Auto-Weka, AutoSKlearn, TPOT, Recipe, ATM, and SmartML across 100 data sets
from established AutoML benchmark suites. Our experimental evaluation considers
different aspects for its comparison including the performance impact of
several design decisions including time budget, size of search space,
meta-learning, and ensemble construction. The results of our study reveal
various interesting insights that can significantly guide and impact the design
of AutoML frameworks.
|
107,040 | 107,040 |
Strengthening Subcommunities: Towards Sustainable Growth in AI Research
|
AI's rapid growth has been felt acutely by scholarly venues, leading to
growing pains within the peer review process. These challenges largely center
on the inability of specific subareas to identify and evaluate work that is
appropriate according to criteria relevant to each subcommunity as determined
by stakeholders of that subarea. We set forth a proposal that re-focuses
efforts within these subcommunities through a decentralization of the reviewing
and publication process. Through this re-centering effort, we hope to encourage
each subarea to confront the issues specific to their process of academic
publication and incentivization. This model has historically been successful
for several subcommunities in AI, and we highlight those instances as examples
for how the broader field can continue to evolve despite its continually
growing size.
|
107,041 | 107,041 |
Subspace Nonnegative Matrix Factorization for Feature Representation
|
Traditional nonnegative matrix factorization (NMF) learns a new feature
representation on the whole data space, which means treating all features
equally. However, a subspace is often sufficient for accurate representation in
practical applications, and redundant features can be invalid or even harmful.
For example, if a camera has some sensors destroyed, then the corresponding
pixels in the photos from this camera are not helpful to identify the content,
which means only the subspace consisting of remaining pixels is worthy of
attention. This paper proposes a new NMF method by introducing adaptive weights
to identify key features in the original space so that only a subspace involves
generating the new representation. Two strategies are proposed to achieve this:
the fuzzier weighted technique and entropy regularized weighted technique, both
of which result in an iterative solution with a simple form. Experimental
results on several real-world datasets demonstrated that the proposed methods
can generate a more accurate feature representation than existing methods. The
code developed in this study is available at
https://github.com/WNMF1/FWNMF-ERWNMF.
|
107,042 | 107,042 |
StableMoE: Stable Routing Strategy for Mixture of Experts
|
The Mixture-of-Experts (MoE) technique can scale up the model size of
Transformers with an affordable computational overhead. We point out that
existing learning-to-route MoE methods suffer from the routing fluctuation
issue, i.e., the target expert of the same input may change along with
training, but only one expert will be activated for the input during inference.
The routing fluctuation tends to harm sample efficiency because the same input
updates different experts but only one is finally used. In this paper, we
propose StableMoE with two training stages to address the routing fluctuation
problem. In the first training stage, we learn a balanced and cohesive routing
strategy and distill it into a lightweight router decoupled from the backbone
model. In the second training stage, we utilize the distilled router to
determine the token-to-expert assignment and freeze it for a stable routing
strategy. We validate our method on language modeling and multilingual machine
translation. The results show that StableMoE outperforms existing MoE methods
in terms of both convergence speed and performance.
|
107,043 | 107,043 |
L3Cube-HingCorpus and HingBERT: A Code Mixed Hindi-English Dataset and
BERT Language Models
|
Code-switching occurs when more than one language is mixed in a given
sentence or a conversation. This phenomenon is more prominent on social media
platforms and its adoption is increasing over time. Therefore code-mixed NLP
has been extensively studied in the literature. As pre-trained
transformer-based architectures are gaining popularity, we observe that real
code-mixing data are scarce to pre-train large language models. We present
L3Cube-HingCorpus, the first large-scale real Hindi-English code mixed data in
a Roman script. It consists of 52.93M sentences and 1.04B tokens, scraped from
Twitter. We further present HingBERT, HingMBERT, HingRoBERTa, and HingGPT. The
BERT models have been pre-trained on codemixed HingCorpus using masked language
modelling objectives. We show the effectiveness of these BERT models on the
subsequent downstream tasks like code-mixed sentiment analysis, POS tagging,
NER, and LID from the GLUECoS benchmark. The HingGPT is a GPT2 based generative
transformer model capable of generating full tweets. We also release
L3Cube-HingLID Corpus, the largest code-mixed Hindi-English language
identification(LID) dataset and HingBERT-LID, a production-quality LID model to
facilitate capturing of more code-mixed data using the process outlined in this
work. The dataset and models are available at
https://github.com/l3cube-pune/code-mixed-nlp .
|
107,044 | 107,044 |
Dynamic Network Adaptation at Inference
|
Machine learning (ML) inference is a real-time workload that must comply with
strict Service Level Objectives (SLOs), including latency and accuracy targets.
Unfortunately, ensuring that SLOs are not violated in inference-serving systems
is challenging due to inherent model accuracy-latency tradeoffs, SLO diversity
across and within application domains, evolution of SLOs over time,
unpredictable query patterns, and co-location interference. In this paper, we
observe that neural networks exhibit high degrees of per-input activation
sparsity during inference. . Thus, we propose SLO-Aware Neural Networks which
dynamically drop out nodes per-inference query, thereby tuning the amount of
computation performed, according to specified SLO optimization targets and
machine utilization. SLO-Aware Neural Networks achieve average speedups of
$1.3-56.7\times$ with little to no accuracy loss (less than 0.3%). When
accuracy constrained, SLO-Aware Neural Networks are able to serve a range of
accuracy targets at low latency with the same trained model. When latency
constrained, SLO-Aware Neural Networks can proactively alleviate latency
degradation from co-location interference while maintaining high accuracy to
meet latency constraints.
|
107,045 | 107,045 |
Robust, Nonparametric, Efficient Decomposition of Spectral Peaks under
Distortion and Interference
|
We propose a decomposition method for the spectral peaks in an observed
frequency spectrum, which is efficiently acquired by utilizing the Fast Fourier
Transform. In contrast to the traditional methods of waveform fitting on the
spectrum, we optimize the problem from a more robust perspective. We model the
peaks in spectrum as pseudo-symmetric functions, where the only constraint is a
nonincreasing behavior around a central frequency when the distance increases.
Our approach is more robust against arbitrary distortion, interference and
noise on the spectrum that may be caused by an observation system. The time
complexity of our method is linear, i.e., $O(N)$ per extracted spectral peak.
Moreover, the decomposed spectral peaks show a pseudo-orthogonal behavior,
where they conform to a power preserving equality.
|
107,046 | 107,046 |
STONet: A Neural-Operator-Driven Spatio-temporal Network
|
Graph-based spatio-temporal neural networks are effective to model the
spatial dependency among discrete points sampled irregularly from unstructured
grids, thanks to the great expressiveness of graph neural networks. However,
these models are usually spatially-transductive -- only fitting the signals for
discrete spatial nodes fed in models but unable to generalize to `unseen'
spatial points with zero-shot. In comparison, for forecasting tasks on
continuous space such as temperature prediction on the earth's surface, the
\textit{spatially-inductive} property allows the model to generalize to any
point in the spatial domain, demonstrating models' ability to learn the
underlying mechanisms or physics laws of the systems, rather than simply fit
the signals. Besides, in temporal domains, \textit{irregularly-sampled} time
series, e.g. data with missing values, urge models to be temporally-continuous.
Motivated by the two issues, we propose a spatio-temporal framework based on
neural operators for PDEs, which learn the underlying mechanisms governing the
dynamics of spatially-continuous physical quantities. Experiments show our
model's improved performance on forecasting spatially-continuous physic
quantities, and its superior generalization to unseen spatial points and
ability to handle temporally-irregular data.
|
107,047 | 107,047 |
CHAI: A CHatbot AI for Task-Oriented Dialogue with Offline Reinforcement
Learning
|
Conventionally, generation of natural language for dialogue agents may be
viewed as a statistical learning problem: determine the patterns in
human-provided data and generate appropriate responses with similar statistical
properties. However, dialogue can also be regarded as a goal directed process,
where speakers attempt to accomplish a specific task. Reinforcement learning
(RL) algorithms are designed specifically for solving such goal-directed
problems, but the most direct way to apply RL -- through trial-and-error
learning in human conversations, -- is costly. In this paper, we study how
offline reinforcement learning can instead be used to train dialogue agents
entirely using static datasets collected from human speakers. Our experiments
show that recently developed offline RL methods can be combined with language
models to yield realistic dialogue agents that better accomplish task goals.
|
107,048 | 107,048 |
Deep Equilibrium Optical Flow Estimation
|
Many recent state-of-the-art (SOTA) optical flow models use finite-step
recurrent update operations to emulate traditional algorithms by encouraging
iterative refinements toward a stable flow estimation. However, these RNNs
impose large computation and memory overheads, and are not directly trained to
model such stable estimation. They can converge poorly and thereby suffer from
performance degradation. To combat these drawbacks, we propose deep equilibrium
(DEQ) flow estimators, an approach that directly solves for the flow as the
infinite-level fixed point of an implicit layer (using any black-box solver),
and differentiates through this fixed point analytically (thus requiring $O(1)$
training memory). This implicit-depth approach is not predicated on any
specific model, and thus can be applied to a wide range of SOTA flow estimation
model designs. The use of these DEQ flow estimators allows us to compute the
flow faster using, e.g., fixed-point reuse and inexact gradients, consumes
$4\sim6\times$ times less training memory than the recurrent counterpart, and
achieves better results with the same computation budget. In addition, we
propose a novel, sparse fixed-point correction scheme to stabilize our DEQ flow
estimators, which addresses a longstanding challenge for DEQ models in general.
We test our approach in various realistic settings and show that it improves
SOTA methods on Sintel and KITTI datasets with substantially better
computational and memory efficiency.
|
107,049 | 107,049 |
Revisiting Consistency Regularization for Semi-supervised Change
Detection in Remote Sensing Images
|
Remote-sensing (RS) Change Detection (CD) aims to detect "changes of
interest" from co-registered bi-temporal images. The performance of existing
deep supervised CD methods is attributed to the large amounts of annotated data
used to train the networks. However, annotating large amounts of remote sensing
images is labor-intensive and expensive, particularly with bi-temporal images,
as it requires pixel-wise comparisons by a human expert. On the other hand, we
often have access to unlimited unlabeled multi-temporal RS imagery thanks to
ever-increasing earth observation programs. In this paper, we propose a simple
yet effective way to leverage the information from unlabeled bi-temporal images
to improve the performance of CD approaches. More specifically, we propose a
semi-supervised CD model in which we formulate an unsupervised CD loss in
addition to the supervised Cross-Entropy (CE) loss by constraining the output
change probability map of a given unlabeled bi-temporal image pair to be
consistent under the small random perturbations applied on the deep feature
difference map that is obtained by subtracting their latent feature
representations. Experiments conducted on two publicly available CD datasets
show that the proposed semi-supervised CD method can reach closer to the
performance of supervised CD even with access to as little as 10% of the
annotated training data. Code available at https://github.com/wgcban/SemiCD
|
107,050 | 107,050 |
SuperpixelGridCut, SuperpixelGridMean and SuperpixelGridMix Data
Augmentation
|
A novel approach of data augmentation based on irregular superpixel
decomposition is proposed. This approach called SuperpixelGridMasks permits to
extend original image datasets that are required by training stages of machine
learning-related analysis architectures towards increasing their performances.
Three variants named SuperpixelGridCut, SuperpixelGridMean and
SuperpixelGridMix are presented. These grid-based methods produce a new style
of image transformations using the dropping and fusing of information.
Extensive experiments using various image classification models and datasets
show that baseline performances can be significantly outperformed using our
methods. The comparative study also shows that our methods can overpass the
performances of other data augmentations. Experimental results obtained over
image recognition datasets of varied natures show the efficiency of these new
methods. SuperpixelGridCut, SuperpixelGridMean and SuperpixelGridMix codes are
publicly available at https://github.com/hammoudiproject/SuperpixelGridMasks
|
107,051 | 107,051 |
Comparative analysis of machine learning and numerical modeling for
combined heat transfer in Polymethylmethacrylate
|
This study compares different methods to predict the simultaneous effects of
conductive and radiative heat transfer in a Polymethylmethacrylate (PMMA)
sample. PMMA is a kind of polymer utilized in various sensors and actuator
devices. One-dimensional combined heat transfer is considered in numerical
analysis. Computer implementation was obtained for the numerical solution of
governing equation with the implicit finite difference method in the case of
discretization. Kirchhoff transformation was used to get data from a non-linear
equation of conductive heat transfer by considering monochromatic radiation
intensity and temperature conditions applied to the PMMA sample boundaries. For
Deep Neural Network (DNN) method, the novel Long Short Term Memory (LSTM)
method was introduced to find accurate results in the least processing time
than the numerical method. A recent study derived the combined heat transfers
and their temperature profiles for the PMMA sample. Furthermore, the transient
temperature profile is validated by another study. A comparison proves a
perfect agreement. It shows the temperature gradient in the primary positions
that makes a spectral amount of conductive heat transfer from a PMMA sample. It
is more straightforward when they are compared with the novel DNN method.
Results demonstrate that this artificial intelligence method is accurate and
fast in predicting problems. By analyzing the results from the numerical
solution it can be understood that the conductive and radiative heat flux is
similar in the case of gradient behavior, but it is also twice in its amount
approximately. Hence, total heat flux has a constant value in an approximated
steady state condition. In addition to analyzing their composition, ROC curve
and confusion matrix were implemented to evaluate the algorithm performance.
|
107,052 | 107,052 |
3D Convolutional Networks for Action Recognition: Application to Sport
Gesture Recognition
|
3D convolutional networks is a good means to perform tasks such as video
segmentation into coherent spatio-temporal chunks and classification of them
with regard to a target taxonomy. In the chapter we are interested in the
classification of continuous video takes with repeatable actions, such as
strokes of table tennis. Filmed in a free marker less ecological environment,
these videos represent a challenge from both segmentation and classification
point of view. The 3D convnets are an efficient tool for solving these problems
with window-based approaches.
|
107,053 | 107,053 |
Investigating Temporal Convolutional Neural Networks for Satellite Image
Time Series Classification
|
Satellite Image Time Series (SITS) of the Earth's surface provide detailed
land cover maps, with their quality in the spatial and temporal dimensions
consistently improving. These image time series are integral for developing
systems that aim to produce accurate, up-to-date land cover maps of the Earth's
surface. Applications are wide-ranging, with notable examples including
ecosystem mapping, vegetation process monitoring and anthropogenic land-use
change tracking. Recently proposed methods for SITS classification have
demonstrated respectable merit, but these methods tend to lack native
mechanisms that exploit the temporal dimension of the data; commonly resulting
in extensive data pre-processing prohibitively long training times. To overcome
these shortcomings, this paper seeks to study and enhance the newly proposed
method for SITS classification from literature; namely Temporal CNNs.
Comprehensive experiments are carried out on two benchmark SITS datasets with
the results demonstrating that Temporal CNNs display a superior or competitive
performance to the benchmark algorithms for both datasets. Investigations into
the Temporal CNNs architecture also highlighted the non-trivial task of
optimising the model for a new dataset.
|
107,054 | 107,054 |
CapillaryX: A Software Design Pattern for Analyzing Medical Images in
Real-time using Deep Learning
|
Recent advances in digital imaging, e.g., increased number of pixels
captured, have meant that the volume of data to be processed and analyzed from
these images has also increased. Deep learning algorithms are state-of-the-art
for analyzing such images, given their high accuracy when trained with a large
data volume of data. Nevertheless, such analysis requires considerable
computational power, making such algorithms time- and resource-demanding. Such
high demands can be met by using third-party cloud service providers. However,
analyzing medical images using such services raises several legal and privacy
challenges and does not necessarily provide real-time results. This paper
provides a computing architecture that locally and in parallel can analyze
medical images in real-time using deep learning thus avoiding the legal and
privacy challenges stemming from uploading data to a third-party cloud
provider. To make local image processing efficient on modern multi-core
processors, we utilize parallel execution to offset the resource-intensive
demands of deep neural networks. We focus on a specific medical-industrial case
study, namely the quantifying of blood vessels in microcirculation images for
which we have developed a working system. It is currently used in an
industrial, clinical research setting as part of an e-health application. Our
results show that our system is approximately 78% faster than its serial system
counterpart and 12% faster than a master-slave parallel system architecture.
|
107,055 | 107,055 |
Machine Learning-Based Automated Thermal Comfort Prediction: Integration
of Low-Cost Thermal and Visual Cameras for Higher Accuracy
|
Recent research is trying to leverage occupants' demand in the building's
control loop to consider individuals' well-being and the buildings' energy
savings. To that end, a real-time feedback system is needed to provide data
about occupants' comfort conditions that can be used to control the building's
heating, cooling, and air conditioning (HVAC) system. The emergence of thermal
imaging techniques provides an excellent opportunity for contactless data
gathering with no interruption in occupant conditions and activities. There is
increasing attention to infrared thermal camera usage in public buildings
because of their non-invasive quality in reading the human skin temperature.
However, the state-of-the-art methods need additional modifications to become
more reliable. To capitalize potentials and address some existing limitations,
new solutions are required to bring a more holistic view toward non-intrusive
thermal scanning by leveraging the benefit of machine learning and image
processing. This research implements an automated approach to collect and
register simultaneous thermal and visual images and read the facial temperature
in different regions. This paper also presents two additional investigations.
First, through utilizing IButton wearable thermal sensors on the forehead area,
we investigate the reliability of an in-expensive thermal camera (FLIR Lepton)
in reading the skin temperature. Second, by studying the false-color version of
thermal images, we look into the possibility of non-radiometric thermal images
for predicting personalized thermal comfort. The results shows the strong
performance of Random Forest and K-Nearest Neighbor prediction algorithms in
predicting personalized thermal comfort. In addition, we have found that
non-radiometric images can also indicate thermal comfort when the algorithm is
trained with larger amounts of data.
|
107,056 | 107,056 |
Intelligent Spatial Interpolation-based Frost Prediction Methodology
using Artificial Neural Networks with Limited Local Data
|
The weather phenomenon of frost poses great threats to agriculture. Since it
damages the crops and plants from upstream of the supply chain, the potential
impact of frosts is significant for agriculture-related industries. As recent
frost prediction methods are based on on-site historical data and sensors,
extra development and deployment time are required for data collection in any
new site. The aim of this article is to eliminate the dependency on on-site
historical data and sensors for frost prediction methods. In this article, a
frost prediction method based on spatial interpolation is proposed. The models
use climate data from existing weather stations, digital elevation models
surveys, and normalized difference vegetation index data to estimate a target
site's next hour minimum temperature. The proposed method utilizes ensemble
learning to increase the model accuracy. Ensemble methods include averaging and
weighted averaging. Climate datasets are obtained from 75 weather stations
across New South Wales and Australian Capital Territory areas of Australia. The
models are constructed with five-fold validation, splitting the weather
stations into five testing dataset folds. For each fold, the other stations act
as training datasets. After the models are constructed, three experiments are
conducted. The first experiment compares the results generated by models
between different folds. Then, the second experiment compares the accuracy of
different methods. The final experiment reveals the effect of available
stations on the proposed models. The results show that the proposed method
reached a detection rate up to 92.55%. This method could be implemented as an
alternative solution when on-site historical datasets are scarce.
|
107,057 | 107,057 |
IOP-FL: Inside-Outside Personalization for Federated Medical Image
Segmentation
|
Federated learning (FL) allows multiple medical institutions to
collaboratively learn a global model without centralizing all clients data. It
is difficult, if possible at all, for such a global model to commonly achieve
optimal performance for each individual client, due to the heterogeneity of
medical data from various scanners and patient demographics. This problem
becomes even more significant when deploying the global model to unseen clients
outside the FL with new distributions not presented during federated training.
To optimize the prediction accuracy of each individual client for critical
medical tasks, we propose a novel unified framework for both Inside and Outside
model Personalization in FL (IOP-FL). Our inside personalization is achieved by
a lightweight gradient-based approach that exploits the local adapted model for
each client, by accumulating both the global gradients for common knowledge and
local gradients for client-specific optimization. Moreover, and importantly,
the obtained local personalized models and the global model can form a diverse
and informative routing space to personalize a new model for outside FL
clients. Hence, we design a new test-time routing scheme inspired by the
consistency loss with a shape constraint to dynamically incorporate the models,
given the distribution information conveyed by the test data. Our extensive
experimental results on two medical image segmentation tasks present
significant improvements over SOTA methods on both inside and outside
personalization, demonstrating the great potential of our IOP-FL scheme for
clinical practice. Code will be released at https://github.com/med-air/IOP-FL.
|
107,058 | 107,058 |
Simultaneous Multiple-Prompt Guided Generation Using Differentiable
Optimal Transport
|
Recent advances in deep learning, such as powerful generative models and
joint text-image embeddings, have provided the computational creativity
community with new tools, opening new perspectives for artistic pursuits.
Text-to-image synthesis approaches that operate by generating images from text
cues provide a case in point. These images are generated with a latent vector
that is progressively refined to agree with text cues. To do so, patches are
sampled within the generated image, and compared with the text prompts in the
common text-image embedding space; The latent vector is then updated, using
gradient descent, to reduce the mean (average) distance between these patches
and text cues. While this approach provides artists with ample freedom to
customize the overall appearance of images, through their choice in generative
models, the reliance on a simple criterion (mean of distances) often causes
mode collapse: The entire image is drawn to the average of all text cues,
thereby losing their diversity. To address this issue, we propose using
matching techniques found in the optimal transport (OT) literature, resulting
in images that are able to reflect faithfully a wide diversity of prompts. We
provide numerous illustrations showing that OT avoids some of the pitfalls
arising from estimating vectors with mean distances, and demonstrate the
capacity of our proposed method to perform better in experiments, qualitatively
and quantitatively.
|
107,059 | 107,059 |
AB/BA analysis: A framework for estimating keyword spotting recall
improvement while maintaining audio privacy
|
Evaluation of keyword spotting (KWS) systems that detect keywords in speech
is a challenging task under realistic privacy constraints. The KWS is designed
to only collect data when the keyword is present, limiting the availability of
hard samples that may contain false negatives, and preventing direct estimation
of model recall from production data. Alternatively, complementary data
collected from other sources may not be fully representative of the real
application. In this work, we propose an evaluation technique which we call
AB/BA analysis. Our framework evaluates a candidate KWS model B against a
baseline model A, using cross-dataset offline decoding for relative recall
estimation, without requiring negative examples. Moreover, we propose a
formulation with assumptions that allow estimation of relative false positive
rate between models with low variance even when the number of false positives
is small. Finally, we propose to leverage machine-generated soft labels, in a
technique we call Semi-Supervised AB/BA analysis, that improves the analysis
time, privacy, and cost. Experiments with both simulation and real data show
that AB/BA analysis is successful at measuring recall improvement in
conjunction with the trade-off in relative false positive rate.
|
107,060 | 107,060 |
Predictive analytics for appointment bookings
|
One of the service providers in the financial service sector, who provide
premium service to the customers, wanted to harness the power of data analytics
as data mining can uncover valuable insights for better decision making.
Therefore, the author aimed to use predictive analytics to discover crucial
factors that will affect the customers' showing up for their appointment and
booking the service. The first model predicts whether a customer will show up
for the meeting, while the second model indicates whether a customer will book
a premium service. Both models produce accurate results with more than a 75%
accuracy rate, thus providing a more robust model for implementation than gut
feeling and intuition. Finally, this paper offers a framework for resource
planning using the predicted demand.
|
107,061 | 107,061 |
Research on Domain Information Mining and Theme Evolution of Scientific
Papers
|
In recent years, with the increase of social investment in scientific
research, the number of research results in various fields has increased
significantly. Cross-disciplinary research results have gradually become an
emerging frontier research direction. There is a certain dependence between a
large number of research results. It is difficult to effectively analyze
today's scientific research results when looking at a single research field in
isolation. How to effectively use the huge number of scientific papers to help
researchers becomes a challenge. This paper introduces the research status at
home and abroad in terms of domain information mining and topic evolution law
of scientific and technological papers from three aspects: the semantic feature
representation learning of scientific and technological papers, the field
information mining of scientific and technological papers, and the mining and
prediction of research topic evolution rules of scientific and technological
papers.
|
107,062 | 107,062 |
Inductive Biases for Object-Centric Representations in the Presence of
Complex Textures
|
Understanding which inductive biases could be helpful for the unsupervised
learning of object-centric representations of natural scenes is challenging. We
use neural style transfer to generate datasets where objects have complex
textures while still retaining ground-truth annotations. We find that methods
that use a single module to reconstruct both the shape and visual appearance of
each object learn more useful representations and achieve better object
separation. In addition, we observe that adjusting the latent space size is not
sufficient to improve segmentation performance. Finally, the downstream
usefulness of the representations is significantly more strongly correlated
with segmentation quality than with reconstruction accuracy.
|
107,063 | 107,063 |
Active Learning Helps Pretrained Models Learn the Intended Task
|
Models can fail in unpredictable ways during deployment due to task
ambiguity, when multiple behaviors are consistent with the provided training
data. An example is an object classifier trained on red squares and blue
circles: when encountering blue squares, the intended behavior is undefined. We
investigate whether pretrained models are better active learners, capable of
disambiguating between the possible tasks a user may be trying to specify.
Intriguingly, we find that better active learning is an emergent property of
the pretraining process: pretrained models require up to 5 times fewer labels
when using uncertainty-based active learning, while non-pretrained models see
no or even negative benefit. We find these gains come from an ability to select
examples with attributes that disambiguate the intended behavior, such as rare
product categories or atypical backgrounds. These attributes are far more
linearly separable in pretrained model's representation spaces vs
non-pretrained models, suggesting a possible mechanism for this behavior.
|
107,064 | 107,064 |
DeepCore: A Comprehensive Library for Coreset Selection in Deep Learning
|
Coreset selection, which aims to select a subset of the most informative
training samples, is a long-standing learning problem that can benefit many
downstream tasks such as data-efficient learning, continual learning, neural
architecture search, active learning, etc. However, many existing coreset
selection methods are not designed for deep learning, which may have high
complexity and poor generalization performance. In addition, the recently
proposed methods are evaluated on models, datasets, and settings of different
complexities. To advance the research of coreset selection in deep learning, we
contribute a comprehensive code library, namely DeepCore, and provide an
empirical study on popular coreset selection methods on CIFAR10 and ImageNet
datasets. Extensive experiments on CIFAR10 and ImageNet datasets verify that,
although various methods have advantages in certain experiment settings, random
selection is still a strong baseline.
|
107,065 | 107,065 |
CGC: Contrastive Graph Clustering for Community Detection and Tracking
|
Given entities and their interactions in the web data, which may have
occurred at different time, how can we find communities of entities and track
their evolution? In this paper, we approach this important task from graph
clustering perspective. Recently, state-of-the-art clustering performance in
various domains has been achieved by deep clustering methods. Especially, deep
graph clustering (DGC) methods have successfully extended deep clustering to
graph-structured data by learning node representations and cluster assignments
in a joint optimization framework. Despite some differences in modeling choices
(e.g., encoder architectures), existing DGC methods are mainly based on
autoencoders and use the same clustering objective with relatively minor
adaptations. Also, while many real-world graphs are dynamic, previous DGC
methods considered only static graphs. In this work, we develop CGC, a novel
end-to-end framework for graph clustering, which fundamentally differs from
existing methods. CGC learns node embeddings and cluster assignments in a
contrastive graph learning framework, where positive and negative samples are
carefully selected in a multi-level scheme such that they reflect hierarchical
community structures and network homophily. Also, we extend CGC for
time-evolving data, where temporal graph clustering is performed in an
incremental learning fashion, with the ability to detect change points.
Extensive evaluation on real-world graphs demonstrates that the proposed CGC
consistently outperforms existing methods.
|
107,066 | 107,066 |
Active-learning-based non-intrusive Model Order Reduction
|
The Model Order Reduction (MOR) technique can provide compact numerical
models for fast simulation. Different from the intrusive MOR methods, the
non-intrusive MOR does not require access to the Full Order Models (FOMs),
especially system matrices. Since the non-intrusive MOR methods strongly rely
on the snapshots of the FOMs, constructing good snapshot sets becomes crucial.
In this work, we propose a new active learning approach with two novelties. A
novel idea with our approach is the use of single-time step snapshots from the
system states taken from an estimation of the reduced-state space. These states
are selected using a greedy strategy supported by an error estimator based
Gaussian Process Regression (GPR). Additionally, we introduce a use
case-independent validation strategy based on Probably Approximately Correct
(PAC) learning. In this work, we use Artificial Neural Networks (ANNs) to
identify the Reduced Order Model (ROM), however the method could be similarly
applied to other ROM identification methods. The performance of the whole
workflow is tested by a 2-D thermal conduction and a 3-D vacuum furnace model.
With little required user interaction and a training strategy independent to a
specific use case, the proposed method offers a huge potential for industrial
usage to create so-called executable Digital Twins (DTs).
|
107,067 | 107,067 |
So2Sat POP -- A Curated Benchmark Data Set for Population Estimation
from Space on a Continental Scale
|
Obtaining a dynamic population distribution is key to many decision-making
processes such as urban planning, disaster management and most importantly
helping the government to better allocate socio-technical supply. For the
aspiration of these objectives, good population data is essential. The
traditional method of collecting population data through the census is
expensive and tedious. In recent years, machine learning methods have been
developed to estimate the population distribution. Most of the methods use data
sets that are either developed on a small scale or not publicly available yet.
Thus, the development and evaluation of the new methods become challenging. We
fill this gap by providing a comprehensive data set for population estimation
in 98 European cities. The data set comprises digital elevation model, local
climate zone, land use classifications, nighttime lights in combination with
multi-spectral Sentinel-2 imagery, and data from the Open Street Map
initiative. We anticipate that it would be a valuable addition to the research
community for the development of sophisticated machine learning-based
approaches in the field of population estimation.
|
107,068 | 107,068 |
An Optimal Time Variable Learning Framework for Deep Neural Networks
|
Feature propagation in Deep Neural Networks (DNNs) can be associated to
nonlinear discrete dynamical systems. The novelty, in this paper, lies in
letting the discretization parameter (time step-size) vary from layer to layer,
which needs to be learned, in an optimization framework. The proposed framework
can be applied to any of the existing networks such as ResNet, DenseNet or
Fractional-DNN. This framework is shown to help overcome the vanishing and
exploding gradient issues. Stability of some of the existing continuous DNNs
such as Fractional-DNN is also studied. The proposed approach is applied to an
ill-posed 3D-Maxwell's equation.
|
107,069 | 107,069 |
Improving Information Cascade Modeling by Social Topology and Dual Role
User Dependency
|
In the last decade, information diffusion (also known as information cascade)
on social networks has been massively investigated due to its application
values in many fields. In recent years, many sequential models including those
models based on recurrent neural networks have been broadly employed to predict
information cascade. However, the user dependencies in a cascade sequence
captured by sequential models are generally unidirectional and inconsistent
with diffusion trees. For example, the true trigger of a successor may be a
non-immediate predecessor rather than the immediate predecessor in the
sequence. To capture user dependencies more sufficiently which are crucial to
precise cascade modeling, we propose a non-sequential information cascade model
named as TAN-DRUD (Topology-aware Attention Networks with Dual Role User
Dependency). TAN-DRUD obtains satisfactory performance on information cascade
modeling through capturing the dual role user dependencies of information
sender and receiver, which is inspired by the classic communication theory.
Furthermore, TANDRUD incorporates social topology into two-level attention
networks for enhanced information diffusion prediction. Our extensive
experiments on three cascade datasets demonstrate that our model is not only
superior to the state-of-the-art cascade models, but also capable of exploiting
topology information and inferring diffusion trees.
|
107,070 | 107,070 |
Twitter Dataset on the Russo-Ukrainian War
|
On 24 February 2022, Russia invaded Ukraine, also known now as
Russo-Ukrainian War. We have initiated an ongoing dataset acquisition from
Twitter API. Until the day this paper was written the dataset has reached the
amount of 57.3 million tweets, originating from 7.7 million users. We apply an
initial volume and sentiment analysis, while the dataset can be used to further
exploratory investigation towards topic analysis, hate speech, propaganda
recognition, or even show potential malicious entities like botnets.
|
107,071 | 107,071 |
CBR-iKB: A Case-Based Reasoning Approach for Question Answering over
Incomplete Knowledge Bases
|
Knowledge bases (KBs) are often incomplete and constantly changing in
practice. Yet, in many question answering applications coupled with knowledge
bases, the sparse nature of KBs is often overlooked. To this end, we propose a
case-based reasoning approach, CBR-iKB, for knowledge base question answering
(KBQA) with incomplete-KB as our main focus. Our method ensembles decisions
from multiple reasoning chains with a novel nonparametric reasoning algorithm.
By design, CBR-iKB can seamlessly adapt to changes in KBs without any
task-specific training or fine-tuning. Our method achieves 100% accuracy on
MetaQA and establishes new state-of-the-art on multiple benchmarks. For
instance, CBR-iKB achieves an accuracy of 70% on WebQSP under the incomplete-KB
setting, outperforming the existing state-of-the-art method by 22.3%.
|
107,072 | 107,072 |
Learning Similarity Preserving Binary Codes for Recommender Systems
|
Hashing-based Recommender Systems (RSs) are widely studied to provide
scalable services. The existing methods for the systems combine three modules
to achieve efficiency: feature extraction, interaction modeling, and
binarization. In this paper, we study an unexplored module combination for the
hashing-based recommender systems, namely Compact Cross-Similarity Recommender
(CCSR). Inspired by cross-modal retrieval, CCSR utilizes Maximum a Posteriori
similarity instead of matrix factorization and rating reconstruction to model
interactions between users and items. We conducted experiments on MovieLens1M,
Amazon product review, Ichiba purchase dataset and confirmed CCSR outperformed
the existing matrix factorization-based methods. On the Movielens1M dataset,
the absolute performance improvements are up to 15.69% in NDCG and 4.29% in
Recall. In addition, we extensively studied three binarization modules: $sign$,
scaled tanh, and sign-scaled tanh. The result demonstrated that although
differentiable scaled tanh is popular in recent discrete feature learning
literature, a huge performance drop occurs when outputs of scaled $tanh$ are
forced to be binary.
|
107,073 | 107,073 |
A Comprehensive Survey on Trustworthy Graph Neural Networks: Privacy,
Robustness, Fairness, and Explainability
|
Graph Neural Networks (GNNs) have made rapid developments in the recent
years. Due to their great ability in modeling graph-structured data, GNNs are
vastly used in various applications, including high-stakes scenarios such as
financial analysis, traffic predictions, and drug discovery. Despite their
great potential in benefiting humans in the real world, recent study shows that
GNNs can leak private information, are vulnerable to adversarial attacks, can
inherit and magnify societal bias from training data and lack interpretability,
which have risk of causing unintentional harm to the users and society. For
example, existing works demonstrate that attackers can fool the GNNs to give
the outcome they desire with unnoticeable perturbation on training graph. GNNs
trained on social networks may embed the discrimination in their decision
process, strengthening the undesirable societal bias. Consequently, trustworthy
GNNs in various aspects are emerging to prevent the harm from GNN models and
increase the users' trust in GNNs. In this paper, we give a comprehensive
survey of GNNs in the computational aspects of privacy, robustness, fairness,
and explainability. For each aspect, we give the taxonomy of the related
methods and formulate the general frameworks for the multiple categories of
trustworthy GNNs. We also discuss the future research directions of each aspect
and connections between these aspects to help achieve trustworthiness.
|
107,074 | 107,074 |
Expert-Calibrated Learning for Online Optimization with Switching Costs
|
We study online convex optimization with switching costs, a practically
important but also extremely challenging problem due to the lack of complete
offline information. By tapping into the power of machine learning (ML) based
optimizers, ML-augmented online algorithms (also referred to as expert
calibration in this paper) have been emerging as state of the art, with
provable worst-case performance guarantees. Nonetheless, by using the standard
practice of training an ML model as a standalone optimizer and plugging it into
an ML-augmented algorithm, the average cost performance can be highly
unsatisfactory. In order to address the "how to learn" challenge, we propose
EC-L2O (expert-calibrated learning to optimize), which trains an ML-based
optimizer by explicitly taking into account the downstream expert calibrator.
To accomplish this, we propose a new differentiable expert calibrator that
generalizes regularized online balanced descent and offers a provably better
competitive ratio than pure ML predictions when the prediction error is large.
For training, our loss function is a weighted sum of two different losses --
one minimizing the average ML prediction error for better robustness, and the
other one minimizing the post-calibration average cost. We also provide
theoretical analysis for EC-L2O, highlighting that expert calibration can be
even beneficial for the average cost performance and that the high-percentile
tail ratio of the cost achieved by EC-L2O to that of the offline optimal oracle
(i.e., tail cost ratio) can be bounded. Finally, we test EC-L2O by running
simulations for sustainable datacenter demand response. Our results demonstrate
that EC-L2O can empirically achieve a lower average cost as well as a lower
competitive ratio than the existing baseline algorithms.
|
107,075 | 107,075 |
Training and Evaluation of Deep Policies using Reinforcement Learning
and Generative Models
|
We present a data-efficient framework for solving sequential decision-making
problems which exploits the combination of reinforcement learning (RL) and
latent variable generative models. The framework, called GenRL, trains deep
policies by introducing an action latent variable such that the feed-forward
policy search can be divided into two parts: (i) training a sub-policy that
outputs a distribution over the action latent variable given a state of the
system, and (ii) unsupervised training of a generative model that outputs a
sequence of motor actions conditioned on the latent action variable. GenRL
enables safe exploration and alleviates the data-inefficiency problem as it
exploits prior knowledge about valid sequences of motor actions. Moreover, we
provide a set of measures for evaluation of generative models such that we are
able to predict the performance of the RL policy training prior to the actual
training on a physical robot. We experimentally determine the characteristics
of generative models that have most influence on the performance of the final
policy training on two robotics tasks: shooting a hockey puck and throwing a
basketball. Furthermore, we empirically demonstrate that GenRL is the only
method which can safely and efficiently solve the robotics tasks compared to
two state-of-the-art RL methods.
|
107,076 | 107,076 |
Adaptive Noisy Data Augmentation for Regularized Estimation and
Inference in Generalized Linear Models
|
We propose the AdaPtive Noise Augmentation (PANDA) procedure to regularize
the estimation and inference of generalized linear models (GLMs). PANDA
iteratively optimizes the objective function given noise augmented data until
convergence to obtain the regularized model estimates. The augmented noises are
designed to achieve various regularization effects, including $l_0$, bridge
(lasso and ridge included), elastic net, adaptive lasso, and SCAD, as well as
group lasso and fused ridge. We examine the tail bound of the noise-augmented
loss function and establish the almost sure convergence of the noise-augmented
loss function and its minimizer to the expected penalized loss function and its
minimizer, respectively. We derive the asymptotic distributions for the
regularized parameters, based on which, inferences can be obtained
simultaneously with variable selection. PANDA exhibits ensemble learning
behaviors that help further decrease the generalization error. Computationally,
PANDA is easy to code, leveraging existing software for implementing GLMs,
without resorting to complicated optimization techniques. We demonstrate the
superior or similar performance of PANDA against the existing approaches of the
same type of regularizers in simulated and real-life data. We show that the
inferences through PANDA achieve nominal or near-nominal coverage and are far
more efficient compared to a popular existing post-selection procedure.
|
107,077 | 107,077 |
On Parametric Optimal Execution and Machine Learning Surrogates
|
We investigate optimal order execution problems in discrete time with
instantaneous price impact and stochastic resilience. First, in the setting of
linear transient price impact we derive a closed-form recursion for the optimal
strategy, extending the deterministic results from Obizhaeva and Wang (J
Financial Markets, 2013). Second, we develop a numerical algorithm based on
dynamic programming and deep learning for the case of nonlinear transient price
impact as proposed by Bouchaud et al. (Quant. Finance, 2004). Specifically, we
utilize an actor-critic framework that constructs two neural-network (NN)
surrogates for the value function and the feedback control. The flexible
scalability of NN functional approximators enables parametric learning, i.e.,
incorporating several model or market parameters as part of the input space.
Precise calibration of price impact, resilience, etc., is known to be extremely
challenging and hence it is critical to understand sensitivity of the execution
policy to these parameters. Our NN learner organically scales across multiple
input dimensions and is shown to accurately approximate optimal strategies
across a wide range of parameter configurations. We provide a fully
reproducible Jupyter Notebook with our NN implementation, which is of
independent pedagogical interest, demonstrating the ease of use of NN
surrogates in (parametric) stochastic control problems.
|
107,078 | 107,078 |
MASSIVE: A 1M-Example Multilingual Natural Language Understanding
Dataset with 51 Typologically-Diverse Languages
|
We present the MASSIVE dataset--Multilingual Amazon Slu resource package
(SLURP) for Slot-filling, Intent classification, and Virtual assistant
Evaluation. MASSIVE contains 1M realistic, parallel, labeled virtual assistant
utterances spanning 51 languages, 18 domains, 60 intents, and 55 slots. MASSIVE
was created by tasking professional translators to localize the English-only
SLURP dataset into 50 typologically diverse languages from 29 genera. We also
present modeling results on XLM-R and mT5, including exact match accuracy,
intent classification accuracy, and slot-filling F1 score. We have released our
dataset, modeling code, and models publicly.
|
107,079 | 107,079 |
INFOrmation Prioritization through EmPOWERment in Visual Model-Based RL
|
Model-based reinforcement learning (RL) algorithms designed for handling
complex visual observations typically learn some sort of latent state
representation, either explicitly or implicitly. Standard methods of this sort
do not distinguish between functionally relevant aspects of the state and
irrelevant distractors, instead aiming to represent all available information
equally. We propose a modified objective for model-based RL that, in
combination with mutual information maximization, allows us to learn
representations and dynamics for visual model-based RL without reconstruction
in a way that explicitly prioritizes functionally relevant factors. The key
principle behind our design is to integrate a term inspired by variational
empowerment into a state-space model based on mutual information. This term
prioritizes information that is correlated with action, thus ensuring that
functionally relevant factors are captured first. Furthermore, the same
empowerment term also promotes faster exploration during the RL process,
especially for sparse-reward tasks where the reward signal is insufficient to
drive exploration in the early stages of learning. We evaluate the approach on
a suite of vision-based robot control tasks with natural video backgrounds, and
show that the proposed prioritized information objective outperforms
state-of-the-art model based RL approaches with higher sample efficiency and
episodic returns. https://sites.google.com/view/information-empowerment
|
107,080 | 107,080 |
Spatial-Temporal Hypergraph Self-Supervised Learning for Crime
Prediction
|
Crime has become a major concern in many cities, which calls for the rising
demand for timely predicting citywide crime occurrence. Accurate crime
prediction results are vital for the beforehand decision-making of government
to alleviate the increasing concern about the public safety. While many efforts
have been devoted to proposing various spatial-temporal forecasting techniques
to explore dependence across locations and time periods, most of them follow a
supervised learning manner, which limits their spatial-temporal representation
ability on sparse crime data. Inspired by the recent success in self-supervised
learning, this work proposes a Spatial-Temporal Hypergraph Self-Supervised
Learning framework (ST-HSL) to tackle the label scarcity issue in crime
prediction. Specifically, we propose the cross-region hypergraph structure
learning to encode region-wise crime dependency under the entire urban space.
Furthermore, we design the dual-stage self-supervised learning paradigm, to not
only jointly capture local- and global-level spatial-temporal crime patterns,
but also supplement the sparse crime representation by augmenting region
self-discrimination. We perform extensive experiments on two real-life crime
datasets. Evaluation results show that our ST-HSL significantly outperforms
state-of-the-art baselines. Further analysis provides insights into the
superiority of our ST-HSL method in the representation of spatial-temporal
crime patterns. The implementation code is available at
https://github.com/LZH-YS1998/STHSL.
|
107,081 | 107,081 |
G2GT: Retrosynthesis Prediction with Graph to Graph Attention Neural
Network and Self-Training
|
Retrosynthesis prediction is one of the fundamental challenges in organic
chemistry and related fields. The goal is to find reactants molecules that can
synthesize product molecules. To solve this task, we propose a new
graph-to-graph transformation model, G2GT, in which the graph encoder and graph
decoder are built upon the standard transformer structure. We also show that
self-training, a powerful data augmentation method that utilizes unlabeled
molecule data, can significantly improve the model's performance. Inspired by
the reaction type label and ensemble learning, we proposed a novel weak
ensemble method to enhance diversity. We combined beam search, nucleus, and
top-k sampling methods to further improve inference diversity and proposed a
simple ranking algorithm to retrieve the final top-10 results. We achieved new
state-of-the-art results on both the USPTO-50K dataset, with top1 accuracy of
54%, and the larger data set USPTO-full, with top1 accuracy of 50%, and
competitive top-10 results.
|
107,082 | 107,082 |
"Flux+Mutability": A Conditional Generative Approach to One-Class
Classification and Anomaly Detection
|
Anomaly Detection is becoming increasingly popular within the experimental
physics community. At experiments such as the Large Hadron Collider, anomaly
detection is at the forefront of finding new physics beyond the Standard Model.
This paper details the implementation of a novel Machine Learning architecture,
called Flux+Mutability, which combines cutting-edge conditional generative
models with clustering algorithms. In the `flux' stage we learn the
distribution of a reference class. The `mutability' stage at inference
addresses if data significantly deviates from the reference class. We
demonstrate the validity of our approach and its connection to multiple
problems spanning from one-class classification to anomaly detection. In
particular, we apply our method to the isolation of neutral showers in an
electromagnetic calorimeter and show its performance in detecting anomalous
dijets events from standard QCD background. This approach limits assumptions on
the reference sample and remains agnostic to the complementary class of objects
of a given problem. We describe the possibility of dynamically generating a
reference population and defining selection criteria via quantile cuts.
Remarkably this flexible architecture can be deployed for a wide range of
problems, and applications like multi-class classification or data quality
control are left for further exploration.
|
107,083 | 107,083 |
Poisons that are learned faster are more effective
|
Imperceptible poisoning attacks on entire datasets have recently been touted
as methods for protecting data privacy. However, among a number of defenses
preventing the practical use of these techniques, early-stopping stands out as
a simple, yet effective defense. To gauge poisons' vulnerability to
early-stopping, we benchmark error-minimizing, error-maximizing, and synthetic
poisons in terms of peak test accuracy over 100 epochs and make a number of
surprising observations. First, we find that poisons that reach a low training
loss faster have lower peak test accuracy. Second, we find that a current
state-of-the-art error-maximizing poison is 7 times less effective when poison
training is stopped at epoch 8. Third, we find that stronger, more transferable
adversarial attacks do not make stronger poisons. We advocate for evaluating
poisons in terms of peak test accuracy.
|
107,084 | 107,084 |
Equity in Resident Crowdsourcing: Measuring Under-reporting without
Ground Truth Data
|
Modern city governance relies heavily on crowdsourcing (or "co-production")
to identify problems such as downed trees and power-lines. A major concern in
these systems is that residents do not report problems at the same rates,
leading to an inequitable allocation of government resources. However,
measuring such under-reporting is a difficult statistical task, as, almost by
definition, we do not observe incidents that are not reported. Thus,
distinguishing between low reporting rates and low ground-truth incident rates
is challenging. We develop a method to identify (heterogeneous) reporting
rates, without using external (proxy) ground truth data. Our insight is that
rates on $\textit{duplicate}$ reports about the same incident can be leveraged,
to turn the question into a standard Poisson rate estimation task -- even
though the full incident reporting interval is also unobserved. We apply our
method to over 100,000 resident reports made to the New York City Department of
Parks and Recreation, finding that there are substantial spatial and
socio-economic disparities in reporting rates, even after controlling for
incident characteristics.
|
107,085 | 107,085 |
Proximal Implicit ODE Solvers for Accelerating Learning Neural ODEs
|
Learning neural ODEs often requires solving very stiff ODE systems, primarily
using explicit adaptive step size ODE solvers. These solvers are
computationally expensive, requiring the use of tiny step sizes for numerical
stability and accuracy guarantees. This paper considers learning neural ODEs
using implicit ODE solvers of different orders leveraging proximal operators.
The proximal implicit solver consists of inner-outer iterations: the inner
iterations approximate each implicit update step using a fast optimization
algorithm, and the outer iterations solve the ODE system over time. The
proximal implicit ODE solver guarantees superiority over explicit solvers in
numerical stability and computational efficiency. We validate the advantages of
proximal implicit solvers over existing popular neural ODE solvers on various
challenging benchmark tasks, including learning continuous-depth graph neural
networks and continuous normalizing flows.
|
107,086 | 107,086 |
CorrGAN: Input Transformation Technique Against Natural Corruptions
|
Because of the increasing accuracy of Deep Neural Networks (DNNs) on
different tasks, a lot of real times systems are utilizing DNNs. These DNNs are
vulnerable to adversarial perturbations and corruptions. Specifically, natural
corruptions like fog, blur, contrast etc can affect the prediction of DNN in an
autonomous vehicle. In real time, these corruptions are needed to be detected
and also the corrupted inputs are needed to be de-noised to be predicted
correctly. In this work, we propose CorrGAN approach, which can generate benign
input when a corrupted input is provided. In this framework, we train
Generative Adversarial Network (GAN) with novel intermediate output-based loss
function. The GAN can denoise the corrupted input and generate benign input.
Through experimentation, we show that up to 75.2% of the corrupted
misclassified inputs can be classified correctly by DNN using CorrGAN.
|
107,087 | 107,087 |
Topology and geometry of data manifold in deep learning
|
Despite significant advances in the field of deep learning in applications to
various fields, explaining the inner processes of deep learning models remains
an important and open question. The purpose of this article is to describe and
substantiate the geometric and topological view of the learning process of
neural networks. Our attention is focused on the internal representation of
neural networks and on the dynamics of changes in the topology and geometry of
the data manifold on different layers. We also propose a method for assessing
the generalizing ability of neural networks based on topological descriptors.
In this paper, we use the concepts of topological data analysis and intrinsic
dimension, and we present a wide range of experiments on different datasets and
different configurations of convolutional neural network architectures. In
addition, we consider the issue of the geometry of adversarial attacks in the
classification task and spoofing attacks on face recognition systems. Our work
is a contribution to the development of an important area of explainable and
interpretable AI through the example of computer vision.
|
107,088 | 107,088 |
GraphHop++: New Insights into GraphHop and Its Enhancement
|
An enhanced label propagation (LP) method called GraphHop has been proposed
recently. It outperforms graph convolutional networks (GCNs) in the
semi-supervised node classification task on various networks. Although the
performance of GraphHop was explained intuitively with joint node attributes
and labels smoothening, its rigorous mathematical treatment is lacking. In this
paper, new insights into GraphHop are provided by analyzing it from a
constrained optimization viewpoint. We show that GraphHop offers an alternate
optimization to a certain regularization problem defined on graphs. Based on
this interpretation, we propose two ideas to improve GraphHop furthermore,
which leads to GraphHop++. We conduct extensive experiments to demonstrate the
effectiveness and efficiency of GraphHop++. It is observed that GraphHop++
outperforms all other benchmarking methods, including GraphHop, consistently on
five test datasets as well as an object recognition task at extremely low label
rates (i.e., 1, 2, 4, 8, 16, and 20 labeled samples per class).
|
107,089 | 107,089 |
Learning Forward Dynamics Model and Informed Trajectory Sampler for Safe
Quadruped Navigation
|
For autonomous quadruped robot navigation in various complex environments, a
typical SOTA system is composed of four main modules -- mapper, global planner,
local planner, and command-tracking controller -- in a hierarchical manner. In
this paper, we build a robust and safe local planner which is designed to
generate a velocity plan to track a coarsely planned path from the global
planner. Previous works used waypoint-based methods (e.g.
Proportional-Differential control and pure pursuit) which simplify the path
tracking problem to local point-goal navigation. However, they suffer from
frequent collisions in geometrically complex and narrow environments because of
two reasons; the global planner uses a coarse and inaccurate model and the
local planner is unable to track the global plan sufficiently well. Currently,
deep learning methods are an appealing alternative because they can learn
safety and path feasibility from experience more accurately. However, existing
deep learning methods are not capable of planning for a long horizon. In this
work, we propose a learning-based fully autonomous navigation framework
composed of three innovative elements: a learned forward dynamics model (FDM),
an online sampling-based model-predictive controller, and an informed
trajectory sampler (ITS). Using our framework, a quadruped robot can
autonomously navigate in various complex environments without a collision and
generate a smoother command plan compared to the baseline method. Furthermore,
our method can reactively handle unexpected obstacles on the planned path and
avoid them. Project page
https://awesomericky.github.io/projects/FDM_ITS_navigation/.
|
107,090 | 107,090 |
On The Cross-Modal Transfer from Natural Language to Code through
Adapter Modules
|
Pre-trained neural Language Models (PTLM), such as CodeBERT, are recently
used in software engineering as models pre-trained on large source code
corpora. Their knowledge is transferred to downstream tasks (e.g. code clone
detection) via fine-tuning. In natural language processing (NLP), other
alternatives for transferring the knowledge of PTLMs are explored through using
adapters, compact, parameter efficient modules inserted in the layers of the
PTLM. Although adapters are known to facilitate adapting to many downstream
tasks compared to fine-tuning the model that require retraining all of the
models' parameters -- which owes to the adapters' plug and play nature and
being parameter efficient -- their usage in software engineering is not
explored.
Here, we explore the knowledge transfer using adapters and based on the
Naturalness Hypothesis proposed by Hindle et. al \cite{hindle2016naturalness}.
Thus, studying the bimodality of adapters for two tasks of cloze test and code
clone detection, compared to their benchmarks from the CodeXGLUE platform.
These adapters are trained using programming languages and are inserted in a
PTLM that is pre-trained on English corpora (N-PTLM). Three programming
languages, C/C++, Python, and Java, are studied along with extensive
experiments on the best setup used for adapters. Improving the results of the
N-PTLM confirms the success of the adapters in knowledge transfer to software
engineering, which sometimes are in par with or exceed the results of a PTLM
trained on source code; while being more efficient in terms of the number of
parameters, memory usage, and inference time. Our results can open new
directions to build smaller models for more software engineering tasks. We open
source all the scripts and the trained adapters.
|
107,091 | 107,091 |
Mono vs Multilingual BERT for Hate Speech Detection and Text
Classification: A Case Study in Marathi
|
Transformers are the most eminent architectures used for a vast range of
Natural Language Processing tasks. These models are pre-trained over a large
text corpus and are meant to serve state-of-the-art results over tasks like
text classification. In this work, we conduct a comparative study between
monolingual and multilingual BERT models. We focus on the Marathi language and
evaluate the models on the datasets for hate speech detection, sentiment
analysis and simple text classification in Marathi. We use standard
multilingual models such as mBERT, indicBERT and xlm-RoBERTa and compare with
MahaBERT, MahaALBERT and MahaRoBERTa, the monolingual models for Marathi. We
further show that Marathi monolingual models outperform the multilingual BERT
variants on five different downstream fine-tuning experiments. We also evaluate
sentence embeddings from these models by freezing the BERT encoder layers. We
show that monolingual MahaBERT based models provide rich representations as
compared to sentence embeddings from multi-lingual counterparts. However, we
observe that these embeddings are not generic enough and do not work well on
out of domain social media datasets. We consider two Marathi hate speech
datasets L3Cube-MahaHate, HASOC-2021, a Marathi sentiment classification
dataset L3Cube-MahaSent, and Marathi Headline, Articles classification
datasets.
|
107,092 | 107,092 |
A Score-based Geometric Model for Molecular Dynamics Simulations
|
Molecular dynamics (MD) has long been the \emph{de facto} choice for modeling
complex atomistic systems from first principles, and recently deep learning
become a popular way to accelerate it. Notwithstanding, preceding approaches
depend on intermediate variables such as the potential energy or force fields
to update atomic positions, which requires additional computations to perform
back-propagation. To waive this requirement, we propose a novel model called
ScoreMD by directly estimating the gradient of the log density of molecular
conformations. Moreover, we analyze that diffusion processes highly accord with
the principle of enhanced sampling in MD simulations, and is therefore a
perfect match to our sequential conformation generation task. That is, ScoreMD
perturbs the molecular structure with a conditional noise depending on atomic
accelerations and employs conformations at previous timeframes as the prior
distribution for sampling. Another challenge of modeling such a conformation
generation process is that the molecule is kinetic instead of static, which no
prior studies strictly consider. To solve this challenge, we introduce a
equivariant geometric Transformer as a score function in the diffusion process
to calculate the corresponding gradient. It incorporates the directions and
velocities of atomic motions via 3D spherical Fourier-Bessel representations.
With multiple architectural improvements, we outperforms state-of-the-art
baselines on MD17 and isomers of C7O2H10. This research provides new insights
into the acceleration of new material and drug discovery.
|
107,093 | 107,093 |
Investigation of a Data Split Strategy Involving the Time Axis in
Adverse Event Prediction Using Machine Learning
|
Adverse events are a serious issue in drug development and many prediction
methods using machine learning have been developed. The random split
cross-validation is the de facto standard for model building and evaluation in
machine learning, but care should be taken in adverse event prediction because
this approach tends to be overoptimistic compared with the real-world
situation. The time split, which uses the time axis, is considered suitable for
real-world prediction. However, the differences in model performance obtained
using the time and random splits are not fully understood. To understand the
differences, we compared the model performance between the time and random
splits using eight types of compound information as input, eight adverse events
as targets, and six machine learning algorithms. The random split showed higher
area under the curve values than did the time split for six of eight targets.
The chemical spaces of the training and test datasets of the time split were
similar, suggesting that the concept of applicability domain is insufficient to
explain the differences derived from the splitting. The area under the curve
differences were smaller for the protein interaction than for the other
datasets. Subsequent detailed analyses suggested the danger of confounding in
the use of knowledge-based information in the time split. These findings
indicate the importance of understanding the differences between the time and
random splits in adverse event prediction and suggest that appropriate use of
the splitting strategies and interpretation of results are necessary for the
real-world prediction of adverse events.
|
107,094 | 107,094 |
Imbalanced Classification via a Tabular Translation GAN
|
When presented with a binary classification problem where the data exhibits
severe class imbalance, most standard predictive methods may fail to accurately
model the minority class. We present a model based on Generative Adversarial
Networks which uses additional regularization losses to map majority samples to
corresponding synthetic minority samples. This translation mechanism encourages
the synthesized samples to be close to the class boundary. Furthermore, we
explore a selection criterion to retain the most useful of the synthesized
samples. Experimental results using several downstream classifiers on a variety
of tabular class-imbalanced datasets show that the proposed method improves
average precision when compared to alternative re-weighting and oversampling
techniques.
|
107,095 | 107,095 |
Independence Testing for Bounded Degree Bayesian Network
|
We study the following independence testing problem: given access to samples
from a distribution $P$ over $\{0,1\}^n$, decide whether $P$ is a product
distribution or whether it is $\varepsilon$-far in total variation distance
from any product distribution. For arbitrary distributions, this problem
requires $\exp(n)$ samples. We show in this work that if $P$ has a sparse
structure, then in fact only linearly many samples are required. Specifically,
if $P$ is Markov with respect to a Bayesian network whose underlying DAG has
in-degree bounded by $d$, then $\tilde{\Theta}(2^{d/2}\cdot n/\varepsilon^2)$
samples are necessary and sufficient for independence testing.
|
107,096 | 107,096 |
Software Engineering Approaches for TinyML based IoT Embedded Vision: A
Systematic Literature Review
|
Internet of Things (IoT) has catapulted human ability to control our
environments through ubiquitous sensing, communication, computation, and
actuation. Over the past few years, IoT has joined forces with Machine Learning
(ML) to embed deep intelligence at the far edge. TinyML (Tiny Machine Learning)
has enabled the deployment of ML models for embedded vision on extremely lean
edge hardware, bringing the power of IoT and ML together. However, TinyML
powered embedded vision applications are still in a nascent stage, and they are
just starting to scale to widespread real-world IoT deployment. To harness the
true potential of IoT and ML, it is necessary to provide product developers
with robust, easy-to-use software engineering (SE) frameworks and best
practices that are customized for the unique challenges faced in TinyML
engineering. Through this systematic literature review, we aggregated the key
challenges reported by TinyML developers and identified state-of-art SE
approaches in large-scale Computer Vision, Machine Learning, and Embedded
Systems that can help address key challenges in TinyML based IoT embedded
vision. In summary, our study draws synergies between SE expertise that
embedded systems developers and ML developers have independently developed to
help address the unique challenges in the engineering of TinyML based IoT
embedded vision.
|
107,097 | 107,097 |
Jacobian Ensembles Improve Robustness Trade-offs to Adversarial Attacks
|
Deep neural networks have become an integral part of our software
infrastructure and are being deployed in many widely-used and safety-critical
applications. However, their integration into many systems also brings with it
the vulnerability to test time attacks in the form of Universal Adversarial
Perturbations (UAPs). UAPs are a class of perturbations that when applied to
any input causes model misclassification. Although there is an ongoing effort
to defend models against these adversarial attacks, it is often difficult to
reconcile the trade-offs in model accuracy and robustness to adversarial
attacks. Jacobian regularization has been shown to improve the robustness of
models against UAPs, whilst model ensembles have been widely adopted to improve
both predictive performance and model robustness. In this work, we propose a
novel approach, Jacobian Ensembles-a combination of Jacobian regularization and
model ensembles to significantly increase the robustness against UAPs whilst
maintaining or improving model accuracy. Our results show that Jacobian
Ensembles achieves previously unseen levels of accuracy and robustness, greatly
improving over previous methods that tend to skew towards only either accuracy
or robustness.
|
107,098 | 107,098 |
Neural Collapse Inspired Attraction-Repulsion-Balanced Loss for
Imbalanced Learning
|
Class imbalance distribution widely exists in real-world engineering.
However, the mainstream optimization algorithms that seek to minimize error
will trap the deep learning model in sub-optimums when facing extreme class
imbalance. It seriously harms the classification precision, especially on the
minor classes. The essential reason is that the gradients of the classifier
weights are imbalanced among the components from different classes. In this
paper, we propose Attraction-Repulsion-Balanced Loss (ARB-Loss) to balance the
different components of the gradients. We perform experiments on the
large-scale classification and segmentation datasets and our ARB-Loss can
achieve state-of-the-art performance via only one-stage training instead of
2-stage learning like nowadays SOTA works.
|
107,099 | 107,099 |
Table-based Fact Verification with Self-adaptive Mixture of Experts
|
The table-based fact verification task has recently gained widespread
attention and yet remains to be a very challenging problem. It inherently
requires informative reasoning over natural language together with different
numerical and logical reasoning on tables (e.g., count, superlative,
comparative). Considering that, we exploit mixture-of-experts and present in
this paper a new method: Self-adaptive Mixture-of-Experts Network (SaMoE).
Specifically, we have developed a mixture-of-experts neural network to
recognize and execute different types of reasoning -- the network is composed
of multiple experts, each handling a specific part of the semantics for
reasoning, whereas a management module is applied to decide the contribution of
each expert network to the verification result. A self-adaptive method is
developed to teach the management module combining results of different experts
more efficiently without external knowledge. The experimental results
illustrate that our framework achieves 85.1% accuracy on the benchmark dataset
TabFact, comparable with the previous state-of-the-art models. We hope our
framework can serve as a new baseline for table-based verification. Our code is
available at https://github.com/THUMLP/SaMoE.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.