Unnamed: 0.1
int64 0
113k
| Unnamed: 0
float64 0
113k
⌀ | title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|---|---|
109,400 | 109,400 |
Revisiting GANs by Best-Response Constraint: Perspective, Methodology,
and Application
|
In past years, the minimax type single-level optimization formulation and its
variations have been widely utilized to address Generative Adversarial Networks
(GANs). Unfortunately, it has been proved that these alternating learning
strategies cannot exactly reveal the intrinsic relationship between the
generator and discriminator, thus easily result in a series of issues,
including mode collapse, vanishing gradients and oscillations in the training
phase, etc. In this work, by investigating the fundamental mechanism of GANs
from the perspective of hierarchical optimization, we propose Best-Response
Constraint (BRC), a general learning framework, that can explicitly formulate
the potential dependency of the generator on the discriminator. Rather than
adopting these existing time-consuming bilevel iterations, we design an
implicit gradient scheme with outer-product Hessian approximation as our fast
solution strategy. \emph{Noteworthy, we demonstrate that even with different
motivations and formulations, a variety of existing GANs ALL can be uniformly
improved by our flexible BRC methodology.} Extensive quantitative and
qualitative experimental results verify the effectiveness, flexibility and
stability of our proposed framework.
|
109,401 | 109,401 |
Machine Learning for Combinatorial Optimisation of Partially-Specified
Problems: Regret Minimisation as a Unifying Lens
|
It is increasingly common to solve combinatorial optimisation problems that
are partially-specified. We survey the case where the objective function or the
relations between variables are not known or are only partially specified. The
challenge is to learn them from available data, while taking into account a set
of hard constraints that a solution must satisfy, and that solving the
optimisation problem (esp. during learning) is computationally very demanding.
This paper overviews four seemingly unrelated approaches, that can each be
viewed as learning the objective function of a hard combinatorial optimisation
problem: 1) surrogate-based optimisation, 2) empirical model learning, 3)
decision-focused learning (`predict + optimise'), and 4) structured-output
prediction. We formalise each learning paradigm, at first in the ways commonly
found in the literature, and then bring the formalisations together in a
compatible way using regret. We discuss the differences and interactions
between these frameworks, highlight the opportunities for cross-fertilization
and survey open directions.
|
109,402 | 109,402 |
Swapping Semantic Contents for Mixing Images
|
Deep architecture have proven capable of solving many tasks provided a
sufficient amount of labeled data. In fact, the amount of available labeled
data has become the principal bottleneck in low label settings such as
Semi-Supervised Learning. Mixing Data Augmentations do not typically yield new
labeled samples, as indiscriminately mixing contents creates between-class
samples. In this work, we introduce the SciMix framework that can learn to
generator to embed a semantic style code into image backgrounds, we obtain new
mixing scheme for data augmentation. We then demonstrate that SciMix yields
novel mixed samples that inherit many characteristics from their non-semantic
parents. Afterwards, we verify those samples can be used to improve the
performance semi-supervised frameworks like Mean Teacher or Fixmatch, and even
fully supervised learning on a small labeled dataset.
|
109,403 | 109,403 |
AutoFedNLP: An efficient FedNLP framework
|
Transformer-based pre-trained models have revolutionized NLP for superior
performance and generality. Fine-tuning pre-trained models for downstream tasks
often require private data, for which federated learning is the de-facto
approach (i.e., FedNLP). However, our measurements show that FedNLP is
prohibitively slow due to the large model sizes and the resultant high
network/computation cost. Towards practical FedNLP, we identify as the key
building blocks adapters, small bottleneck modules inserted at a variety of
model layers. A key challenge is to properly configure the depth and width of
adapters, to which the training speed and efficiency is highly sensitive. No
silver-bullet configuration exists: the optimal choice varies across downstream
NLP tasks, desired model accuracy, and client resources. A silver-bullet
configuration does not exist and a non-optimal configuration could
significantly slow down the training. To automate adapter configuration, we
propose AutoFedNLP, a framework that enhances the existing FedNLP with two
novel designs. First, AutoFedNLP progressively upgrades the adapter
configuration throughout a training session. Second, AutoFedNLP continuously
profiles future adapter configurations by allocating participant devices to
trial groups. To minimize client-side computations, AutoFedNLP exploits the
fact that a FedNLP client trains on the same samples repeatedly between
consecutive changes of adapter configurations, and caches computed activations
on clients. Extensive experiments show that AutoFedNLP can reduce FedNLP's
model convergence delay to no more than several hours, which is up to
155.5$\times$ faster compared to vanilla FedNLP and 48$\times$ faster compared
to strong baselines.
|
109,404 | 109,404 |
Task Relabelling for Multi-task Transfer using Successor Features
|
Deep Reinforcement Learning has been very successful recently with various
works on complex domains. Most works are concerned with learning a single
policy that solves the target task, but is fixed in the sense that if the
environment changes the agent is unable to adapt to it. Successor Features
(SFs) proposes a mechanism that allows learning policies that are not tied to
any particular reward function. In this work we investigate how SFs may be
pre-trained without observing any reward in a custom environment that features
resource collection, traps and crafting. After pre-training we expose the SF
agents to various target tasks and see how well they can transfer to new tasks.
Transferring is done without any further training on the SF agents, instead
just by providing a task vector. For training the SFs we propose a task
relabelling method which greatly improves the agent's performance.
|
109,405 | 109,405 |
Towards the Generation of Synthetic Images of Palm Vein Patterns: A
Review
|
With the recent success of computer vision and deep learning, remarkable
progress has been achieved on automatic personal recognition using vein
biometrics. However, collecting large-scale real-world training data for palm
vein recognition has turned out to be challenging, mainly due to the noise and
irregular variations included at the time of acquisition. Meanwhile, existing
palm vein recognition datasets are usually collected under near-infrared light,
lacking detailed annotations on attributes (e.g., pose), so the influences of
different attributes on vein recognition have been poorly investigated.
Therefore, this paper examines the suitability of synthetic vein images
generated to compensate for the urgent lack of publicly available large-scale
datasets. Firstly, we present an overview of recent research progress on palm
vein recognition, from the basic background knowledge to vein anatomical
structure, data acquisition, public database, and quality assessment
procedures. Then, we focus on the state-of-the-art methods that have allowed
the generation of vascular structures for biometric purposes and the modeling
of biological networks with their respective application domains. In addition,
we review the existing research on the generation of style transfer and
biological nature-based synthetic palm vein image algorithms. Afterward, we
formalize a general flowchart for the creation of a synthetic database
comparing real palm vein images and generated synthetic samples to obtain some
understanding into the development of the realistic vein imaging system.
Ultimately, we conclude by discussing the challenges, insights, and future
perspectives in generating synthetic palm vein images for further works.
|
109,406 | 109,406 |
Bayesian Active Learning with Fully Bayesian Gaussian Processes
|
The bias-variance trade-off is a well-known problem in machine learning that
only gets more pronounced the less available data there is. In active learning,
where labeled data is scarce or difficult to obtain, neglecting this trade-off
can cause inefficient and non-optimal querying, leading to unnecessary data
labeling. In this paper, we focus on active learning with Gaussian Processes
(GPs). For the GP, the bias-variance trade-off is made by optimization of the
two hyperparameters: the length scale and noise-term. Considering that the
optimal mode of the joint posterior of the hyperparameters is equivalent to the
optimal bias-variance trade-off, we approximate this joint posterior and
utilize it to design two new acquisition functions. The first one is a Bayesian
variant of Query-by-Committee (B-QBC), and the second is an extension that
explicitly minimizes the predictive variance through a Query by Mixture of
Gaussian Processes (QB-MGP) formulation. Across six common simulators, we
empirically show that B-QBC, on average, achieves the best marginal likelihood,
whereas QB-MGP achieves the best predictive performance. We show that
incorporating the bias-variance trade-off in the acquisition functions
mitigates unnecessary and expensive data labeling.
|
109,407 | 109,407 |
A Proximal Algorithm for Sampling from Non-convex Potentials
|
We study sampling problems associated with non-convex potentials that
meanwhile lack smoothness. In particular, we consider target distributions that
satisfy either logarithmic-Sobolev inequality or Poincar\'e inequality. Rather
than smooth, the potentials are assumed to be semi-smooth or the summation of
multiple semi-smooth functions. We develop a sampling algorithm that resembles
proximal algorithms in optimization for this challenging sampling task. Our
algorithm is based on a special case of Gibbs sampling known as the alternating
sampling framework (ASF). The key contribution of this work is a practical
realization of the ASF based on rejection sampling in the non-convex and
semi-smooth setting. This work extends the recent algorithm in
\cite{LiaChe21,LiaChe22} for non-smooth/semi-smooth log-concave distribution to
the setting with non-convex potentials. In almost all the cases of sampling
considered in this work, our proximal sampling algorithm achieves better
complexity than all existing methods.
|
109,408 | 109,408 |
The Fairness of Credit Scoring Models
|
In credit markets, screening algorithms aim to discriminate between good-type
and bad-type borrowers. However, when doing so, they also often discriminate
between individuals sharing a protected attribute (e.g. gender, age, racial
origin) and the rest of the population. In this paper, we show how (1) to test
whether there exists a statistically significant difference between protected
and unprotected groups, which we call lack of fairness and (2) to identify the
variables that cause the lack of fairness. We then use these variables to
optimize the fairness-performance trade-off. Our framework provides guidance on
how algorithmic fairness can be monitored by lenders, controlled by their
regulators, and improved for the benefit of protected groups.
|
109,409 | 109,409 |
How to Guide Adaptive Depth Sampling?
|
Recent advances in depth sensing technologies allow fast electronic
maneuvering of the laser beam, as opposed to fixed mechanical rotations. This
will enable future sensors, in principle, to vary in real-time the sampling
pattern. We examine here the abstract problem of whether adapting the sampling
pattern for a given frame can reduce the reconstruction error or allow a
sparser pattern. We propose a constructive generic method to guide adaptive
depth sampling algorithms.
Given a sampling budget B, a depth predictor P and a desired quality measure
M, we propose an Importance Map that highlights important sampling locations.
This map is defined for a given frame as the per-pixel expected value of M
produced by the predictor P, given a pattern of B random samples. This map can
be well estimated in a training phase. We show that a neural network can learn
to produce a highly faithful Importance Map, given an RGB image. We then
suggest an algorithm to produce a sampling pattern for the scene, which is
denser in regions that are harder to reconstruct. The sampling strategy of our
modular framework can be adjusted according to hardware limitations, type of
depth predictor, and any custom reconstruction error measure that should be
minimized. We validate through simulations that our approach outperforms grid
and random sampling patterns as well as recent state-of-the-art adaptive
algorithms.
|
109,410 | 109,410 |
Test-time Batch Normalization
|
Deep neural networks often suffer the data distribution shift between
training and testing, and the batch statistics are observed to reflect the
shift. In this paper, targeting of alleviating distribution shift in test time,
we revisit the batch normalization (BN) in the training process and reveals two
key insights benefiting test-time optimization: $(i)$ preserving the same
gradient backpropagation form as training, and $(ii)$ using dataset-level
statistics for robust optimization and inference. Based on the two insights, we
propose a novel test-time BN layer design, GpreBN, which is optimized during
testing by minimizing Entropy loss. We verify the effectiveness of our method
on two typical settings with distribution shift, i.e., domain generalization
and robustness tasks. Our GpreBN significantly improves the test-time
performance and achieves the state of the art results.
|
109,411 | 109,411 |
Memorization and Optimization in Deep Neural Networks with Minimum
Over-parameterization
|
The Neural Tangent Kernel (NTK) has emerged as a powerful tool to provide
memorization, optimization and generalization guarantees in deep neural
networks. A line of work has studied the NTK spectrum for two-layer and deep
networks with at least a layer with $\Omega(N)$ neurons, $N$ being the number
of training samples. Furthermore, there is increasing evidence suggesting that
deep networks with sub-linear layer widths are powerful memorizers and
optimizers, as long as the number of parameters exceeds the number of samples.
Thus, a natural open question is whether the NTK is well conditioned in such a
challenging sub-linear setup. In this paper, we answer this question in the
affirmative. Our key technical contribution is a lower bound on the smallest
NTK eigenvalue for deep networks with the minimum possible
over-parameterization: the number of parameters is roughly $\Omega(N)$ and,
hence, the number of neurons is as little as $\Omega(\sqrt{N})$. To showcase
the applicability of our NTK bounds, we provide two results concerning
memorization capacity and optimization guarantees for gradient descent
training.
|
109,412 | 109,412 |
Learning Task-relevant Representations for Generalization via
Characteristic Functions of Reward Sequence Distributions
|
Generalization across different environments with the same tasks is critical
for successful applications of visual reinforcement learning (RL) in real
scenarios. However, visual distractions -- which are common in real scenes --
from high-dimensional observations can be hurtful to the learned
representations in visual RL, thus degrading the performance of generalization.
To tackle this problem, we propose a novel approach, namely Characteristic
Reward Sequence Prediction (CRESP), to extract the task-relevant information by
learning reward sequence distributions (RSDs), as the reward signals are
task-relevant in RL and invariant to visual distractions. Specifically, to
effectively capture the task-relevant information via RSDs, CRESP introduces an
auxiliary task -- that is, predicting the characteristic functions of RSDs --
to learn task-relevant representations, because we can well approximate the
high-dimensional distributions by leveraging the corresponding characteristic
functions. Experiments demonstrate that CRESP significantly improves the
performance of generalization on unseen environments, outperforming several
state-of-the-arts on DeepMind Control tasks with different visual distractions.
|
109,413 | 109,413 |
Mosaic Zonotope Shadow Matching for Risk-Aware Autonomous Localization
in Harsh Urban Environments
|
Risk-aware urban localization with the Global Navigation Satellite System
(GNSS) remains an unsolved problem with frequent misdetection of the user's
street or side of the street. Significant advances in 3D map-aided GNSS use
grid-based GNSS shadow matching alongside AI-driven line-of-sight (LOS)
classifiers and server-based processing to improve localization accuracy,
especially in the cross-street direction. Our prior work introduces a new
paradigm for shadow matching that proposes set-valued localization with
computationally efficient zonotope set representations. While existing
literature improved accuracy and efficiency, the current state of shadow
matching theory does not address the needs of risk-aware autonomous systems. We
extend our prior work to propose Mosaic Zonotope Shadow Matching (MZSM) that
employs a classifier-agnostic polytope mosaic architecture to provide
risk-awareness and certifiable guarantees on urban positioning. We formulate a
recursively expanding binary tree that refines an initial location estimate
with set operations into smaller polytopes. Together, the smaller polytopes
form a mosaic. We weight the tree branches with the probability that the user
is in line of sight of the satellite and expand the tree with each new
satellite observation. Our method yields an exact shadow matching distribution
from which we guarantee uncertainty bounds on the user localization. We perform
high-fidelity simulations using a 3D building map of San Francisco to validate
our algorithm's risk-aware improvements. We demonstrate that MZSM provides
certifiable guarantees across varied data-driven LOS classifier accuracies and
yields a more precise understanding of the uncertainty over existing methods.
We validate that our tree-based construction is efficient and tractable,
computing a mosaic from 14 satellites in 0.63 seconds and growing quadratically
in the satellite number.
|
109,414 | 109,414 |
Do Transformer Models Show Similar Attention Patterns to Task-Specific
Human Gaze?
|
Learned self-attention functions in state-of-the-art NLP models often
correlate with human attention. We investigate whether self-attention in
large-scale pre-trained language models is as predictive of human eye fixation
patterns during task-reading as classical cognitive models of human attention.
We compare attention functions across two task-specific reading datasets for
sentiment analysis and relation extraction. We find the predictiveness of
large-scale pre-trained self-attention for human attention depends on `what is
in the tail', e.g., the syntactic nature of rare contexts. Further, we observe
that task-specific fine-tuning does not increase the correlation with human
task-specific reading. Through an input reduction experiment we give
complementary insights on the sparsity and fidelity trade-off, showing that
lower-entropy attention vectors are more faithful.
|
109,415 | 109,415 |
You Don't Know My Favorite Color: Preventing Dialogue Representations
from Revealing Speakers' Private Personas
|
Social chatbots, also known as chit-chat chatbots, evolve rapidly with large
pretrained language models. Despite the huge progress, privacy concerns have
arisen recently: training data of large language models can be extracted via
model inversion attacks. On the other hand, the datasets used for training
chatbots contain many private conversations between two individuals. In this
work, we further investigate the privacy leakage of the hidden states of
chatbots trained by language modeling which has not been well studied yet. We
show that speakers' personas can be inferred through a simple neural network
with high accuracy. To this end, we propose effective defense objectives to
protect persona leakage from hidden states. We conduct extensive experiments to
demonstrate that our proposed defense objectives can greatly reduce the attack
accuracy from 37.6% to 0.5%. Meanwhile, the proposed objectives preserve
language models' powerful generation ability.
|
109,416 | 109,416 |
Exploring the Trade-off between Plausibility, Change Intensity and
Adversarial Power in Counterfactual Explanations using Multi-objective
Optimization
|
There is a broad consensus on the importance of deep learning models in tasks
involving complex data. Often, an adequate understanding of these models is
required when focusing on the transparency of decisions in human-critical
applications. Besides other explainability techniques, trustworthiness can be
achieved by using counterfactuals, like the way a human becomes familiar with
an unknown process: by understanding the hypothetical circumstances under which
the output changes. In this work we argue that automated counterfactual
generation should regard several aspects of the produced adversarial instances,
not only their adversarial capability. To this end, we present a novel
framework for the generation of counterfactual examples which formulates its
goal as a multi-objective optimization problem balancing three different
objectives: 1) plausibility, i.e., the likeliness of the counterfactual of
being possible as per the distribution of the input data; 2) intensity of the
changes to the original input; and 3) adversarial power, namely, the
variability of the model's output induced by the counterfactual. The framework
departs from a target model to be audited and uses a Generative Adversarial
Network to model the distribution of input data, together with a
multi-objective solver for the discovery of counterfactuals balancing among
these objectives. The utility of the framework is showcased over six
classification tasks comprising image and three-dimensional data. The
experiments verify that the framework unveils counterfactuals that comply with
intuition, increasing the trustworthiness of the user, and leading to further
insights, such as the detection of bias and data misrepresentation.
|
109,417 | 109,417 |
Federated learning for violence incident prediction in a simulated
cross-institutional psychiatric setting
|
Inpatient violence is a common and severe problem within psychiatry. Knowing
who might become violent can influence staffing levels and mitigate severity.
Predictive machine learning models can assess each patient's likelihood of
becoming violent based on clinical notes. Yet, while machine learning models
benefit from having more data, data availability is limited as hospitals
typically do not share their data for privacy preservation. Federated Learning
(FL) can overcome the problem of data limitation by training models in a
decentralised manner, without disclosing data between collaborators. However,
although several FL approaches exist, none of these train Natural Language
Processing models on clinical notes. In this work, we investigate the
application of Federated Learning to clinical Natural Language Processing,
applied to the task of Violence Risk Assessment by simulating a
cross-institutional psychiatric setting. We train and compare four models: two
local models, a federated model and a data-centralised model. Our results
indicate that the federated model outperforms the local models and has similar
performance as the data-centralised model. These findings suggest that
Federated Learning can be used successfully in a cross-institutional setting
and is a step towards new applications of Federated Learning based on clinical
notes
|
109,418 | 109,418 |
Visualizing and Explaining Language Models
|
During the last decade, Natural Language Processing has become, after
Computer Vision, the second field of Artificial Intelligence that was massively
changed by the advent of Deep Learning. Regardless of the architecture, the
language models of the day need to be able to process or generate text, as well
as predict missing words, sentences or relations depending on the task. Due to
their black-box nature, such models are difficult to interpret and explain to
third parties. Visualization is often the bridge that language model designers
use to explain their work, as the coloring of the salient words and phrases,
clustering or neuron activations can be used to quickly understand the
underlying models. This paper showcases the techniques used in some of the most
popular Deep Learning for NLP visualizations, with a special focus on
interpretability and explainability.
|
109,419 | 109,419 |
EXODUS: Stable and Efficient Training of Spiking Neural Networks
|
Spiking Neural Networks (SNNs) are gaining significant traction in machine
learning tasks where energy-efficiency is of utmost importance. Training such
networks using the state-of-the-art back-propagation through time (BPTT) is,
however, very time-consuming. Previous work by Shrestha and Orchard [2018]
employs an efficient GPU-accelerated back-propagation algorithm called SLAYER,
which speeds up training considerably. SLAYER, however, does not take into
account the neuron reset mechanism while computing the gradients, which we
argue to be the source of numerical instability. To counteract this, SLAYER
introduces a gradient scale hyperparameter across layers, which needs manual
tuning. In this paper, (i) we modify SLAYER and design an algorithm called
EXODUS, that accounts for the neuron reset mechanism and applies the Implicit
Function Theorem (IFT) to calculate the correct gradients (equivalent to those
computed by BPTT), (ii) we eliminate the need for ad-hoc scaling of gradients,
thus, reducing the training complexity tremendously, (iii) we demonstrate, via
computer simulations, that EXODUS is numerically stable and achieves a
comparable or better performance than SLAYER especially in various tasks with
SNNs that rely on temporal features. Our code is available at
https://github.com/synsense/sinabs-exodus.
|
109,420 | 109,420 |
SADAM: Stochastic Adam, A Stochastic Operator for First-Order
Gradient-based Optimizer
|
In this work, to efficiently help escape the stationary and saddle points, we
propose, analyze, and generalize a stochastic strategy performed as an operator
for a first-order gradient descent algorithm in order to increase the target
accuracy and reduce time consumption. Unlike existing algorithms, the proposed
stochastic the strategy does not require any batches and sampling techniques,
enabling efficient implementation and maintaining the initial first-order
optimizer's convergence rate, but provides an incomparable improvement of
target accuracy when optimizing the target functions. In short, the proposed
strategy is generalized, applied to Adam, and validated via the decomposition
of biomedical signals using Deep Matrix Fitting and another four peer
optimizers. The validation results show that the proposed random strategy can
be easily generalized for first-order optimizers and efficiently improve the
target accuracy.
|
109,421 | 109,421 |
Explanatory machine learning for sequential human teaching
|
The topic of comprehensibility of machine-learned theories has recently drawn
increasing attention. Inductive Logic Programming (ILP) uses logic programming
to derive logic theories from small data based on abduction and induction
techniques. Learned theories are represented in the form of rules as
declarative descriptions of obtained knowledge. In earlier work, the authors
provided the first evidence of a measurable increase in human comprehension
based on machine-learned logic rules for simple classification tasks. In a
later study, it was found that the presentation of machine-learned explanations
to humans can produce both beneficial and harmful effects in the context of
game learning. We continue our investigation of comprehensibility by examining
the effects of the ordering of concept presentations on human comprehension. In
this work, we examine the explanatory effects of curriculum order and the
presence of machine-learned explanations for sequential problem-solving. We
show that 1) there exist tasks A and B such that learning A before B has a
better human comprehension with respect to learning B before A and 2) there
exist tasks A and B such that the presence of explanations when learning A
contributes to improved human comprehension when subsequently learning B. We
propose a framework for the effects of sequential teaching on comprehension
based on an existing definition of comprehensibility and provide evidence for
support from data collected in human trials. Empirical results show that
sequential teaching of concepts with increasing complexity a) has a beneficial
effect on human comprehension and b) leads to human re-discovery of
divide-and-conquer problem-solving strategies, and c) studying machine-learned
explanations allows adaptations of human problem-solving strategy with better
performance.
|
109,422 | 109,422 |
DEMAND: Deep Matrix Approximately Nonlinear Decomposition to Identify
Meta, Canonical, and Sub-Spatial Pattern of functional Magnetic Resonance
Imaging in the Human Brain
|
Deep Neural Networks (DNNs) have already become a crucial computational
approach to revealing the spatial patterns in the human brain; however, there
are three major shortcomings in utilizing DNNs to detect the spatial patterns
in functional Magnetic Resonance Signals: 1). It is a fully connected
architecture that increases the complexity of network structures that is
difficult to optimize and vulnerable to overfitting; 2). The requirement of
large training samples results in erasing the individual/minor patterns in
feature extraction; 3). The hyperparameters are required to be tuned manually,
which is time-consuming. Therefore, we propose a novel deep nonlinear matrix
factorization named Deep Matrix Approximately Nonlinear Decomposition (DEMAND)
in this work to take advantage of the shallow linear model, e.g., Sparse
Dictionary Learning (SDL) and DNNs. At first, the proposed DEMAND employs a
non-fully connected and multilayer-stacked architecture that is easier to be
optimized compared with canonical DNNs; furthermore, due to the efficient
architecture, training DEMAND can avoid overfitting and enables the recognition
of individual/minor features based on a small dataset such as an individual
data; finally, a novel rank estimator technique is introduced to tune all
hyperparameters of DEMAND automatically. Moreover, the proposed DEMAND is
validated by four other peer methodologies via real functional Magnetic
Resonance Imaging data in the human brain. In short, the validation results
demonstrate that DEMAND can reveal the reproducible meta, canonical, and
sub-spatial features of the human brain more efficiently than other peer
methodologies.
|
109,423 | 109,423 |
Pre-Train Your Loss: Easy Bayesian Transfer Learning with Informative
Priors
|
Deep learning is increasingly moving towards a transfer learning paradigm
whereby large foundation models are fine-tuned on downstream tasks, starting
from an initialization learned on the source task. But an initialization
contains relatively little information about the source task. Instead, we show
that we can learn highly informative posteriors from the source task, through
supervised or self-supervised approaches, which then serve as the basis for
priors that modify the whole loss surface on the downstream task. This simple
modular approach enables significant performance gains and more data-efficient
learning on a variety of downstream classification and segmentation tasks,
serving as a drop-in replacement for standard pre-training strategies. These
highly informative priors also can be saved for future use, similar to
pre-trained weights, and stand in contrast to the zero-mean isotropic
uninformative priors that are typically used in Bayesian deep learning.
|
109,424 | 109,424 |
Heterformer: A Transformer Architecture for Node Representation Learning
on Heterogeneous Text-Rich Networks
|
We study node representation learning on heterogeneous text-rich networks,
where nodes and edges are multi-typed and some types of nodes are associated
with text information. Although recent studies on graph neural networks (GNNs)
and pretrained language models (PLMs) have demonstrated their power in encoding
network and text signals, respectively, less focus has been given to delicately
coupling these two types of models on heterogeneous text-rich networks.
Specifically, existing GNNs rarely model text in each node in a contextualized
way; existing PLMs can hardly be applied to characterize graph structures due
to their sequence architecture. In this paper, we propose Heterformer, a
Heterogeneous GNN-nested transformer that blends GNNs and PLMs into a unified
model. Different from previous "cascaded architectures" that directly add GNN
layers upon a PLM, our Heterformer alternately stacks two modules - a
graph-attention-based neighbor aggregation module and a transformer-based text
and neighbor joint encoding module - to facilitate thorough mutual enhancement
between network and text signals. Meanwhile, Heterformer is capable of
characterizing network heterogeneity and nodes without text information.
Comprehensive experiments on three large-scale datasets from different domains
demonstrate the superiority of Heterformer over state-of-the-art baselines in
link prediction, transductive/inductive node classification, node clustering,
and semantics-based retrieval.
|
109,425 | 109,425 |
On the SDEs and Scaling Rules for Adaptive Gradient Algorithms
|
Approximating Stochastic Gradient Descent (SGD) as a Stochastic Differential
Equation (SDE) has allowed researchers to enjoy the benefits of studying a
continuous optimization trajectory while carefully preserving the stochasticity
of SGD. Analogous study of adaptive gradient methods, such as RMSprop and Adam,
has been challenging because there were no rigorously proven SDE approximations
for these methods. This paper derives the SDE approximations for RMSprop and
Adam, giving theoretical guarantees of their correctness as well as
experimental validation of their applicability to common large-scaling vision
and language settings. A key practical result is the derivation of a
$\textit{square root scaling rule}$ to adjust the optimization hyperparameters
of RMSprop and Adam when changing batch size, and its empirical validation in
deep learning settings.
|
109,426 | 109,426 |
Delator: Automatic Detection of Money Laundering Evidence on Transaction
Graphs via Neural Networks
|
Money laundering is one of the most relevant criminal activities today, due
to its potential to cause massive financial losses to governments, banks, etc.
We propose DELATOR, a new CAAT (computer-assisted audit technology) to detect
money laundering activities based on neural network models that encode bank
transfers as a large-scale temporal graph. In collaboration with a Brazilian
bank, we design and apply an evaluation strategy to quantify DELATOR's
performance on historic data comprising millions of clients. DELATOR
outperforms an off-the-shelf solution from Amazon AWS by 18.9% with respect to
AUC. We conducted real experiments that led to discovery of 8 new suspicious
among 100 analyzed cases, which would have been reported to the authorities
under the current criteria.
|
109,427 | 109,427 |
ClusterEA: Scalable Entity Alignment with Stochastic Training and
Normalized Mini-batch Similarities
|
Entity alignment (EA) aims at finding equivalent entities in different
knowledge graphs (KGs). Embedding-based approaches have dominated the EA task
in recent years. Those methods face problems that come from the geometric
properties of embedding vectors, including hubness and isolation. To solve
these geometric problems, many normalization approaches have been adopted for
EA. However, the increasing scale of KGs renders it hard for EA models to adopt
the normalization processes, thus limiting their usage in real-world
applications. To tackle this challenge, we present ClusterEA, a general
framework that is capable of scaling up EA models and enhancing their results
by leveraging normalization methods on mini-batches with a high entity
equivalent rate. ClusterEA contains three components to align entities between
large-scale KGs, including stochastic training, ClusterSampler, and
SparseFusion. It first trains a large-scale Siamese GNN for EA in a stochastic
fashion to produce entity embeddings. Based on the embeddings, a novel
ClusterSampler strategy is proposed for sampling highly overlapped
mini-batches. Finally, ClusterEA incorporates SparseFusion, which normalizes
local and global similarity and then fuses all similarity matrices to obtain
the final similarity matrix. Extensive experiments with real-life datasets on
EA benchmarks offer insight into the proposed framework, and suggest that it is
capable of outperforming the state-of-the-art scalable EA framework by up to 8
times in terms of Hits@1.
|
109,428 | 109,428 |
Seeking entropy: complex behavior from intrinsic motivation to occupy
action-state path space
|
Intrinsic motivation generates behaviors that do not necessarily lead to
immediate reward, but help exploration and learning. Here we show that agents
having the sole goal of maximizing occupancy of future actions and states, that
is, moving and exploring on the long term, are capable of complex behavior
without any reference to external rewards. We find that action-state path
entropy is the only measure consistent with additivity and other intuitive
properties of expected future action-state path occupancy. We provide
analytical expressions that relate the optimal policy with the optimal
state-value function, from where we prove uniqueness of the solution of the
associated Bellman equation and convergence of our algorithm to the optimal
state-value function. Using discrete and continuous state tasks, we show that
`dancing', hide-and-seek and a basic form of altruistic behavior naturally
result from entropy seeking without external rewards. Intrinsically motivated
agents can objectively determine what states constitute rewards, exploiting
them to ultimately maximize action-state path entropy.
|
109,429 | 109,429 |
Nothing makes sense in deep learning, except in the light of evolution
|
Deep Learning (DL) is a surprisingly successful branch of machine learning.
The success of DL is usually explained by focusing analysis on a particular
recent algorithm and its traits. Instead, we propose that an explanation of the
success of DL must look at the population of all algorithms in the field and
how they have evolved over time. We argue that cultural evolution is a useful
framework to explain the success of DL. In analogy to biology, we use
`development' to mean the process converting the pseudocode or text description
of an algorithm into a fully trained model. This includes writing the
programming code, compiling and running the program, and training the model. If
all parts of the process don't align well then the resultant model will be
useless (if the code runs at all!). This is a constraint. A core component of
evolutionary developmental biology is the concept of deconstraints -- these are
modification to the developmental process that avoid complete failure by
automatically accommodating changes in other components. We suggest that many
important innovations in DL, from neural networks themselves to hyperparameter
optimization and AutoGrad, can be seen as developmental deconstraints. These
deconstraints can be very helpful to both the particular algorithm in how it
handles challenges in implementation and the overall field of DL in how easy it
is for new ideas to be generated. We highlight how our perspective can both
advance DL and lead to new insights for evolutionary biology.
|
109,430 | 109,430 |
User Localization using RF Sensing: A Performance comparison between LIS
and mmWave Radars
|
Since electromagnetic signals are omnipresent, Radio Frequency (RF)-sensing
has the potential to become a universal sensing mechanism with applications in
localization, smart-home, retail, gesture recognition, intrusion detection,
etc. Two emerging technologies in RF-sensing, namely sensing through Large
Intelligent Surfaces (LISs) and mmWave Frequency-Modulated Continuous-Wave
(FMCW) radars, have been successfully applied to a wide range of applications.
In this work, we compare LIS and mmWave radars for localization in real-world
and simulated environments. In our experiments, the mmWave radar achieves 0.71
Intersection Over Union (IOU) and 3cm error for bounding boxes, while LIS has
0.56 IOU and 10cm distance error. Although the radar outperforms the LIS in
terms of accuracy, LIS features additional applications in communication in
addition to sensing scenarios.
|
109,431 | 109,431 |
Classifying Human Activities using Machine Learning and Deep Learning
Techniques
|
Human Activity Recognition (HAR) describes the machines ability to recognize
human actions. Nowadays, most people on earth are health conscious, so people
are more interested in tracking their daily activities using Smartphones or
Smart Watches, which can help them manage their daily routines in a healthy
way. With this objective, Kaggle has conducted a competition to classify 6
different human activities distinctly based on the inertial signals obtained
from 30 volunteers smartphones. The main challenge in HAR is to overcome the
difficulties of separating human activities based on the given data such that
no two activities overlap. In this experimentation, first, Data visualization
is done on expert generated features with the help of t distributed Stochastic
Neighborhood Embedding followed by applying various Machine Learning techniques
like Logistic Regression, Linear SVC, Kernel SVM, Decision trees to better
classify the 6 distinct human activities. Moreover, Deep Learning techniques
like Long Short-Term Memory (LSTM), Bi-Directional LSTM, Recurrent Neural
Network (RNN), and Gated Recurrent Unit (GRU) are trained using raw time series
data. Finally, metrics like Accuracy, Confusion matrix, precision and recall
are used to evaluate the performance of the Machine Learning and Deep Learning
models. Experiment results proved that the Linear Support Vector Classifier in
machine learning and Gated Recurrent Unit in Deep Learning provided better
accuracy for human activity recognition compared to other classifiers.
|
109,432 | 109,432 |
What's the Harm? Sharp Bounds on the Fraction Negatively Affected by
Treatment
|
The fundamental problem of causal inference -- that we never observe
counterfactuals -- prevents us from identifying how many might be negatively
affected by a proposed intervention. If, in an A/B test, half of users click
(or buy, or watch, or renew, etc.), whether exposed to the standard experience
A or a new one B, hypothetically it could be because the change affects no one,
because the change positively affects half the user population to go from
no-click to click while negatively affecting the other half, or something in
between. While unknowable, this impact is clearly of material importance to the
decision to implement a change or not, whether due to fairness, long-term,
systemic, or operational considerations. We therefore derive the
tightest-possible (i.e., sharp) bounds on the fraction negatively affected (and
other related estimands) given data with only factual observations, whether
experimental or observational. Naturally, the more we can stratify individuals
by observable covariates, the tighter the sharp bounds. Since these bounds
involve unknown functions that must be learned from data, we develop a robust
inference algorithm that is efficient almost regardless of how and how fast
these functions are learned, remains consistent when some are mislearned, and
still gives valid conservative bounds when most are mislearned. Our methodology
altogether therefore strongly supports credible conclusions: it avoids
spuriously point-identifying this unknowable impact, focusing on the best
bounds instead, and it permits exceedingly robust inference on these. We
demonstrate our method in simulation studies and in a case study of career
counseling for the unemployed.
|
109,433 | 109,433 |
A Review of Safe Reinforcement Learning: Methods, Theory and
Applications
|
Reinforcement learning (RL) has achieved tremendous success in many complex
decision making tasks. When it comes to deploying RL in the real world, safety
concerns are usually raised, leading to a growing demand for safe RL
algorithms, such as in autonomous driving and robotics scenarios. While safety
control has a long history, the study of safe RL algorithms is still in the
early stages. To establish a good foundation for future research in this
thread, in this paper, we provide a review for safe RL from the perspectives of
methods, theory and applications. Firstly, we review the progress of safe RL
from five dimensions and come up with five problems that are crucial for safe
RL being deployed in real-world applications, coined as "2H3W". Secondly, we
analyze the theory and algorithm progress from the perspectives of answering
the "2H3W" problems. Then, the sample complexity of safe RL methods is reviewed
and discussed, followed by an introduction of the applications and benchmarks
of safe RL algorithms. Finally, we open the discussion of the challenging
problems in safe RL, hoping to inspire more future research on this thread.
To advance the study of safe RL algorithms, we release a benchmark suite, an
open-sourced repository containing the implementations of major safe RL
algorithms, along with tutorials at the link:
https://github.com/chauncygu/Safe-Reinforcement-Learning-Baselines.git.
|
109,434 | 109,434 |
Towards Understanding Grokking: An Effective Theory of Representation
Learning
|
We aim to understand grokking, a phenomenon where models generalize long
after overfitting their training set. We present both a microscopic analysis
anchored by an effective theory and a macroscopic analysis of phase diagrams
describing learning performance across hyperparameters. We find that
generalization originates from structured representations whose training
dynamics and dependence on training set size can be predicted by our effective
theory in a toy setting. We observe empirically the presence of four learning
phases: comprehension, grokking, memorization, and confusion. We find
representation learning to occur only in a "Goldilocks zone" (including
comprehension and grokking) between memorization and confusion. Compared to the
comprehension phase, the grokking phase stays closer to the memorization phase,
leading to delayed generalization. The Goldilocks phase is reminiscent of
"intelligence from starvation" in Darwinian evolution, where resource
limitations drive discovery of more efficient solutions. This study not only
provides intuitive explanations of the origin of grokking, but also highlights
the usefulness of physics-inspired tools, e.g., effective theories and phase
diagrams, for understanding deep learning.
|
109,435 | 109,435 |
Diverse super-resolution with pretrained deep hiererarchical VAEs
|
Image super-resolution is a one-to-many problem, but most deep-learning based
methods only provide one single solution to this problem. In this work, we
tackle the problem of diverse super-resolution by reusing VD-VAE, a
state-of-the art variational autoencoder (VAE). We find that the hierarchical
latent representation learned by VD-VAE naturally separates the image
low-frequency information, encoded in the latent groups at the top of the
hierarchy, from the image high-frequency details, determined by the latent
groups at the bottom of the latent hierarchy. Starting from this observation,
we design a super-resolution model exploiting the specific structure of VD-VAE
latent space. Specifically, we train an encoder to encode low-resolution images
in the subset of VD-VAE latent space encoding the low-frequency information,
and we combine this encoder with VD-VAE generative model to sample diverse
super-resolved version of a low-resolution input. We demonstrate the ability of
our method to generate diverse solutions to the super-resolution problem on
face super-resolution with upsampling factors x4, x8, and x16.
|
109,436 | 109,436 |
Lossless Acceleration for Seq2seq Generation with Aggressive Decoding
|
We study lossless acceleration for seq2seq generation with a novel decoding
algorithm -- Aggressive Decoding. Unlike the previous efforts (e.g.,
non-autoregressive decoding) speeding up seq2seq generation at the cost of
quality loss, our approach aims to yield the identical (or better) generation
compared with autoregressive decoding but in a significant speedup, achieved by
innovative cooperation of aggressive decoding and verification that are both
efficient due to parallel computing.
We propose two Aggressive Decoding paradigms for 2 kinds of seq2seq tasks: 1)
For the seq2seq tasks whose inputs and outputs are highly similar (e.g.,
Grammatical Error Correction), we propose Input-guided Aggressive Decoding
(IAD) that aggressively copies from the input sentence as drafted decoded
tokens to verify in parallel; 2) For other general seq2seq tasks (e.g., Machine
Translation), we propose Generalized Aggressive Decoding (GAD) that first
employs an additional non-autoregressive decoding model for aggressive decoding
and then verifies in parallel in the autoregressive manner.
We test Aggressive Decoding on the most popular 6-layer Transformer model on
GPU in multiple seq2seq tasks: 1) For IAD, we show that it can introduce a
7x-9x speedup for the Transformer in Grammatical Error Correction and Text
Simplification tasks with the identical results as greedy decoding; 2) For GAD,
we observe a 3x-5x speedup with the identical or even better quality in two
important seq2seq tasks: Machine Translation and Abstractive Summarization.
Moreover, Aggressive Decoding can benefit even more from stronger computing
devices that are better at parallel computing. Given the lossless quality as
well as significant and promising speedup, we believe Aggressive Decoding may
potentially evolve into a de facto standard for efficient and lossless seq2seq
generation in the near future.
|
109,437 | 109,437 |
Dual Branch Prior-SegNet: CNN for Interventional CBCT using Planning
Scan and Auxiliary Segmentation Loss
|
This paper proposes an extension to the Dual Branch Prior-Net for sparse view
interventional CBCT reconstruction incorporating a high quality planning scan.
An additional head learns to segment interventional instruments and thus guides
the reconstruction task. The prior scans are misaligned by up to +-5deg
in-plane during training. Experiments show that the proposed model, Dual Branch
Prior-SegNet, significantly outperforms any other evaluated model by >2.8dB
PSNR. It also stays robust wrt. rotations of up to +-5.5deg.
|
109,438 | 109,438 |
Prediction of stent under-expansion in calcified coronary arteries using
machine-learning on intravascular optical coherence tomography
|
BACKGROUND Careful evaluation of the risk of stent under-expansions before
the intervention will aid treatment planning, including the application of a
pre-stent plaque modification strategy.
OBJECTIVES It remains challenging to achieve a proper stent expansion in the
presence of severely calcified coronary lesions. Building on our work in deep
learning segmentation, we created an automated machine learning approach that
uses lesion attributes to predict stent under-expansion from pre-stent images,
suggesting the need for plaque modification.
METHODS Pre- and post-stent intravascular optical coherence tomography image
data were obtained from 110 coronary lesions. Lumen and calcifications in
pre-stent images were segmented using deep learning, and numerous features per
lesion were extracted. We analyzed stent expansion along the lesion, enabling
frame, segmental, and whole-lesion analyses. We trained regression models to
predict the poststent lumen area and then to compute the stent expansion index
(SEI). Stents with an SEI < or >/= 80% were classified as "under-expanded" and
"well-expanded," respectively.
RESULTS Best performance (root-mean-square-error = 0.04+/-0.02 mm2, r =
0.94+/-0.04, p < 0.0001) was achieved when we used features from both the lumen
and calcification to train a Gaussian regression model for a segmental analysis
over a segment length of 31 frames. Under-expansion classification results
(AUC=0.85+/-0.02) were significantly improved over other approaches.
CONCLUSIONS We used calcifications and lumen features to identify lesions at
risk of stent under-expansion. Results suggest that the use of pre-stent images
can inform physicians of the need to apply plaque modification approaches.
|
109,439 | 109,439 |
Deep Quality Estimation: Creating Surrogate Models for Human Quality
Ratings
|
Human ratings are abstract representations of segmentation quality. To
approximate human quality ratings on scarce expert data, we train surrogate
quality estimation models. We evaluate on a complex multi-class segmentation
problem, specifically glioma segmentation following the BraTS annotation
protocol. The training data features quality ratings from 15 expert
neuroradiologists on a scale ranging from 1 to 6 stars for various
computer-generated and manual 3D annotations. Even though the networks operate
on 2D images and with scarce training data, we can approximate segmentation
quality within a margin of error comparable to human intra-rater reliability.
Segmentation quality prediction has broad applications. While an understanding
of segmentation quality is imperative for successful clinical translation of
automatic segmentation quality algorithms, it can play an essential role in
training new segmentation models. Due to the split-second inference times, it
can be directly applied within a loss function or as a fully-automatic dataset
curation mechanism in a federated learning setting.
|
109,440 | 109,440 |
EXPANSE: A Deep Continual / Progressive Learning System for Deep
Transfer Learning
|
Deep transfer learning techniques try to tackle the limitations of deep
learning, the dependency on extensive training data and the training costs, by
reusing obtained knowledge. However, the current DTL techniques suffer from
either catastrophic forgetting dilemma (losing the previously obtained
knowledge) or overly biased pre-trained models (harder to adapt to target data)
in finetuning pre-trained models or freezing a part of the pre-trained model,
respectively. Progressive learning, a sub-category of DTL, reduces the effect
of the overly biased model in the case of freezing earlier layers by adding a
new layer to the end of a frozen pre-trained model. Even though it has been
successful in many cases, it cannot yet handle distant source and target data.
We propose a new continual/progressive learning approach for deep transfer
learning to tackle these limitations. To avoid both catastrophic forgetting and
overly biased-model problems, we expand the pre-trained model by expanding
pre-trained layers (adding new nodes to each layer) in the model instead of
only adding new layers. Hence the method is named EXPANSE. Our experimental
results confirm that we can tackle distant source and target data using this
technique. At the same time, the final model is still valid on the source data,
achieving a promising deep continual learning approach. Moreover, we offer a
new way of training deep learning models inspired by the human education
system. We termed this two-step training: learning basics first, then adding
complexities and uncertainties. The evaluation implies that the two-step
training extracts more meaningful features and a finer basin on the error
surface since it can achieve better accuracy in comparison to regular training.
EXPANSE (model expansion and two-step training) is a systematic continual
learning approach applicable to different problems and DL models.
|
109,441 | 109,441 |
SOL: Reducing the Maintenance Overhead for Integrating Hardware Support
into AI Frameworks
|
The increased interest in Artificial Intelligence (AI) raised the need for
highly optimized and sophisticated AI frameworks. Starting with the Lua-based
Torch many frameworks have emerged over time, such as Theano, Caffe, Chainer,
CNTK, MxNet, PyTorch, DL4J, or TensorFlow. All of these provide a high level
scripting API that allows users to easily design neural networks and run these
on various kinds of hardware. What the user usually does not see is the high
effort put into these frameworks to provide peak execution performance. While
mainstream CPUs and GPUs have the "luxury" to have a wide spread user base in
the open source community, less mainstream CPU, GPU or accelerator vendors need
to put in a high effort to get their hardware supported by these frameworks.
This includes not only the development of highly efficient compute libraries
such as CUDNN, OneDNN or VEDNN but also supporting an ever growing number of
simpler compute operations such as summation and multiplications. Each of these
frameworks, nowadays, supports several hundred of unique operations, with
tensors of various sizes, shapes and data types, which end up in thousands of
compute kernels required for each device type. And the number of operations
keeps increasing.
That is why NEC Laboratories Europe started developing the SOL AI
Optimization project already years ago, to deliver optimal performance to users
while keeping the maintenance burden minimal.
|
109,442 | 109,442 |
A Hardware-Aware Framework for Accelerating Neural Architecture Search
Across Modalities
|
Recent advances in Neural Architecture Search (NAS) such as one-shot NAS
offer the ability to extract specialized hardware-aware sub-network
configurations from a task-specific super-network. While considerable effort
has been employed towards improving the first stage, namely, the training of
the super-network, the search for derivative high-performing sub-networks is
still under-explored. Popular methods decouple the super-network training from
the sub-network search and use performance predictors to reduce the
computational burden of searching on different hardware platforms. We propose a
flexible search framework that automatically and efficiently finds optimal
sub-networks that are optimized for different performance metrics and hardware
configurations. Specifically, we show how evolutionary algorithms can be paired
with lightly trained objective predictors in an iterative cycle to accelerate
architecture search in a multi-objective setting for various modalities
including machine translation and image classification.
|
109,443 | 109,443 |
FIND:Explainable Framework for Meta-learning
|
Meta-learning is used to efficiently enable the automatic selection of
machine learning models by combining data and prior knowledge. Since the
traditional meta-learning technique lacks explainability, as well as
shortcomings in terms of transparency and fairness, achieving explainability
for meta-learning is crucial. This paper proposes FIND, an interpretable
meta-learning framework that not only can explain the recommendation results of
meta-learning algorithm selection, but also provide a more complete and
accurate explanation of the recommendation algorithm's performance on specific
datasets combined with business scenarios. The validity and correctness of this
framework have been demonstrated by extensive experiments.
|
109,444 | 109,444 |
Learning to Reverse DNNs from AI Programs Automatically
|
With the privatization deployment of DNNs on edge devices, the security of
on-device DNNs has raised significant concern. To quantify the model leakage
risk of on-device DNNs automatically, we propose NNReverse, the first
learning-based method which can reverse DNNs from AI programs without domain
knowledge. NNReverse trains a representation model to represent the semantics
of binary code for DNN layers. By searching the most similar function in our
database, NNReverse infers the layer type of a given function's binary code. To
represent assembly instructions semantics precisely, NNReverse proposes a more
fine-grained embedding model to represent the textual and structural-semantic
of assembly functions.
|
109,445 | 109,445 |
A Correlation Information-based Spatiotemporal Network for Traffic Flow
Forecasting
|
With the growth of transport modes, high traffic forecasting precision is
required in intelligent transportation systems. Most previous works utilize the
transformer architecture based on graph neural networks and attention
mechanisms to discover spatiotemporal dependencies and dynamic relationships.
The correlation information among spatiotemporal sequences, however, has not
been thoroughly considered. In this paper, we present two elaborate
spatiotemporal representations, spatial correlation information (SCorr) and
temporal correlation information (TCorr), among spatiotemporal sequences based
on the maximal information coefficient. Using SCorr, we propose a novel
correlation information-based spatiotemporal network (CorrSTN), including a
dynamic graph neural network component incorporating correlation information
into the spatial structure effectively and a multi-head attention component
utilizing spatial correlation information to extract dynamic temporal
dependencies accurately. Using TCorr, we further explore the correlation
pattern among different periodic data and then propose a novel data selection
scheme to identify the most relevant data. The experimental results on the
highway traffic flow (PEMS07 and PEMS08) and metro crowd flow (HZME inflow and
outflow) datasets demonstrate that CorrSTN outperforms the state-of-the-art
methods in terms of predictive performance. In particular, on the HZME
(outflow) dataset, our model makes significant improvements compared with the
latest model ASTGNN by 12.7%, 14.4% and 27.4% in the metrics of MAE, RMSE and
MAPE, respectively.
|
109,446 | 109,446 |
Actively Tracking the Optimal Arm in Non-Stationary Environments with
Mandatory Probing
|
We study a novel multi-armed bandit (MAB) setting which mandates the agent to
probe all the arms periodically in a non-stationary environment. In particular,
we develop \texttt{TS-GE} that balances the regret guarantees of classical
Thompson sampling (TS) with the broadcast probing (BP) of all the arms
simultaneously in order to actively detect a change in the reward
distributions. Once a system-level change is detected, the changed arm is
identified by an optional subroutine called group exploration (GE) which scales
as $\log_2(K)$ for a $K-$armed bandit setting. We characterize the probability
of missed detection and the probability of false-alarm in terms of the
environment parameters. The latency of change-detection is upper bounded by
$\sqrt{T}$ while within a period of $\sqrt{T}$, all the arms are probed at
least once. We highlight the conditions in which the regret guarantee of
\texttt{TS-GE} outperforms that of the state-of-the-art algorithms, in
particular, \texttt{ADSWITCH} and \texttt{M-UCB}. Furthermore, unlike the
existing bandit algorithms, \texttt{TS-GE} can be deployed for applications
such as timely status updates, critical control, and wireless energy transfer,
which are essential features of next-generation wireless communication
networks. We demonstrate the efficacy of \texttt{TS-GE} by employing it in a n
industrial internet-of-things (IIoT) network designed for simultaneous wireless
information and power transfer (SWIPT).
|
109,447 | 109,447 |
Nonlinear motion separation via untrained generator networks with
disentangled latent space variables and applications to cardiac MRI
|
In this paper, a nonlinear approach to separate different motion types in
video data is proposed. This is particularly relevant in dynamic medical
imaging (e.g. PET, MRI), where patient motion poses a significant challenge due
to its effects on the image reconstruction as well as for its subsequent
interpretation. Here, a new method is proposed where dynamic images are
represented as the forward mapping of a sequence of latent variables via a
generator neural network. The latent variables are structured so that temporal
variations in the data are represented via dynamic latent variables, which are
independent of static latent variables characterizing the general structure of
the frames. In particular, different kinds of motion are also characterized
independently of each other via latent space disentanglement using
one-dimensional prior information on all but one of the motion types. This
representation allows to freeze any selection of motion types, and to obtain
accurate independent representations of other dynamics of interest. Moreover,
the proposed algorithm is training-free, i.e., all the network parameters are
learned directly from a single video. We illustrate the performance of this
method on phantom and real-data MRI examples, where we successfully separate
respiratory and cardiac motion.
|
109,448 | 109,448 |
Deployment of Energy-Efficient Deep Learning Models on Cortex-M based
Microcontrollers using Deep Compression
|
Large Deep Neural Networks (DNNs) are the backbone of today's artificial
intelligence due to their ability to make accurate predictions when being
trained on huge datasets. With advancing technologies, such as the Internet of
Things, interpreting large quantities of data generated by sensors is becoming
an increasingly important task. However, in many applications not only the
predictive performance but also the energy consumption of deep learning models
is of major interest. This paper investigates the efficient deployment of deep
learning models on resource-constrained microcontroller architectures via
network compression. We present a methodology for the systematic exploration of
different DNN pruning, quantization, and deployment strategies, targeting
different ARM Cortex-M based low-power systems. The exploration allows to
analyze trade-offs between key metrics such as accuracy, memory consumption,
execution time, and power consumption. We discuss experimental results on three
different DNN architectures and show that we can compress them to below 10\% of
their original parameter count before their predictive quality decreases. This
also allows us to deploy and evaluate them on Cortex-M based microcontrollers.
|
109,449 | 109,449 |
Diversity vs. Recognizability: Human-like generalization in one-shot
generative models
|
Robust generalization to new concepts has long remained a distinctive feature
of human intelligence. However, recent progress in deep generative models has
now led to neural architectures capable of synthesizing novel instances of
unknown visual concepts from a single training example. Yet, a more precise
comparison between these models and humans is not possible because existing
performance metrics for generative models (i.e., FID, IS, likelihood) are not
appropriate for the one-shot generation scenario. Here, we propose a new
framework to evaluate one-shot generative models along two axes: sample
recognizability vs. diversity (i.e., intra-class variability). Using this
framework, we perform a systematic evaluation of representative one-shot
generative models on the Omniglot handwritten dataset. We first show that
GAN-like and VAE-like models fall on opposite ends of the
diversity-recognizability space. Extensive analyses of the effect of key model
parameters further revealed that spatial attention and context integration have
a linear contribution to the diversity-recognizability trade-off. In contrast,
disentanglement transports the model along a parabolic curve that could be used
to maximize recognizability. Using the diversity-recognizability framework, we
were able to identify models and parameters that closely approximate human
data.
|
109,450 | 109,450 |
DELMAR: Deep Linear Matrix Approximately Reconstruction to Extract
Hierarchical Functional Connectivity in the Human Brain
|
The Matrix Decomposition techniques have been a vital computational approach
to analyzing the hierarchy of functional connectivity in the human brain.
However, there are still four shortcomings of these methodologies: 1). Large
training samples; 2). Manually tuning hyperparameters; 3). Time-consuming and
require extensive computational source; 4). It cannot guarantee convergence to
a unique fixed point.
Therefore, we propose a novel deep matrix factorization technique called Deep
Linear Matrix Approximate Reconstruction (DELMAR) to bridge the abovementioned
gaps. The advantages of the proposed method are: at first, proposed DELMAR can
estimate the important hyperparameters automatically; furthermore, DELMAR
employs the matrix backpropagation to reduce the potential accumulative errors;
finally, an orthogonal projection is introduced to update all variables of
DELMAR rather than directly calculating the inverse matrices.
The validation experiments of three peer methods and DELMAR using real
functional MRI signal of the human brain demonstrates that our proposed method
can efficiently identify the spatial feature in fMRI signal even faster and
more accurately than other peer methods. Moreover, the theoretical analyses
indicate that DELMAR can converge to the unique fixed point and even enable the
accurate approximation of original input as DNNs.
|
109,451 | 109,451 |
A Dynamic Weighted Tabular Method for Convolutional Neural Networks
|
Traditional Machine Learning (ML) models like Support Vector Machine, Random
Forest, and Logistic Regression are generally preferred for classification
tasks on tabular datasets. Tabular data consists of rows and columns
corresponding to instances and features, respectively. Past studies indicate
that traditional classifiers often produce unsatisfactory results in complex
tabular datasets. Hence, researchers attempt to use the powerful Convolutional
Neural Networks (CNN) for tabular datasets. Recent studies propose several
techniques like SuperTML, Conditional GAN (CTGAN), and Tabular Convolution
(TAC) for applying Convolutional Neural Networks (CNN) on tabular data. These
models outperform the traditional classifiers and substantially improve the
performance on tabular data. This study introduces a novel technique, namely,
Dynamic Weighted Tabular Method (DWTM), that uses feature weights dynamically
based on statistical techniques to apply CNNs on tabular datasets. The method
assigns weights dynamically to each feature based on their strength of
associativity to the class labels. Each data point is converted into images and
fed to a CNN model. The features are allocated image canvas space based on
their weights. The DWTM is an improvement on the previously mentioned methods
as it dynamically implements the entire experimental setting rather than using
the static configuration provided in the previous methods. Furthermore, it uses
the novel idea of using feature weights to create image canvas space. In this
paper, the DWTM is applied to six benchmarked tabular datasets and it achieves
outstanding performance (i.e., average accuracy = 95%) on all of them.
|
109,452 | 109,452 |
EGR: Equivariant Graph Refinement and Assessment of 3D Protein Complex
Structures
|
Protein complexes are macromolecules essential to the functioning and
well-being of all living organisms. As the structure of a protein complex, in
particular its region of interaction between multiple protein subunits (i.e.,
chains), has a notable influence on the biological function of the complex,
computational methods that can quickly and effectively be used to refine and
assess the quality of a protein complex's 3D structure can directly be used
within a drug discovery pipeline to accelerate the development of new
therapeutics and improve the efficacy of future vaccines. In this work, we
introduce the Equivariant Graph Refiner (EGR), a novel E(3)-equivariant graph
neural network (GNN) for multi-task structure refinement and assessment of
protein complexes. Our experiments on new, diverse protein complex datasets,
all of which we make publicly available in this work, demonstrate the
state-of-the-art effectiveness of EGR for atomistic refinement and assessment
of protein complexes and outline directions for future work in the field. In
doing so, we establish a baseline for future studies in macromolecular
refinement and structure analysis.
|
109,453 | 109,453 |
Modernizing Open-Set Speech Language Identification
|
While most modern speech Language Identification methods are closed-set, we
want to see if they can be modified and adapted for the open-set problem. When
switching to the open-set problem, the solution gains the ability to reject an
audio input when it fails to match any of our known language options. We tackle
the open-set task by adapting two modern-day state-of-the-art approaches to
closed-set language identification: the first using a CRNN with attention and
the second using a TDNN. In addition to enhancing our input feature embeddings
using MFCCs, log spectral features, and pitch, we will be attempting two
approaches to out-of-set language detection: one using thresholds, and the
other essentially performing a verification task. We will compare both the
performance of the TDNN and the CRNN, as well as our detection approaches.
|
109,454 | 109,454 |
Multilingual Normalization of Temporal Expressions with Masked Language
Models
|
The detection and normalization of temporal expressions is an important task
and a preprocessing step for many applications. However, prior work on
normalization is rule-based, which severely limits the applicability in
real-world multilingual settings, due to the costly creation of new rules. We
propose a novel neural method for normalizing temporal expressions based on
masked language modeling. Our multilingual method outperforms prior rule-based
systems in many languages, and in particular, for low-resource languages with
performance improvements of up to 35 F1 on average compared to the state of the
art.
|
109,455 | 109,455 |
Tackling Provably Hard Representative Selection via Graph Neural
Networks
|
Representative selection (RS) is the problem of finding a small subset of
exemplars from an unlabeled dataset, and has numerous applications in
summarization, active learning, data compression and many other domains. In
this paper, we focus on finding representatives that optimize the accuracy of a
model trained on the selected representatives. We study RS for data represented
as attributed graphs. We develop RS-GNN, a representation learning-based RS
model based on Graph Neural Networks. Empirically, we demonstrate the
effectiveness of RS-GNN on problems with predefined graph structures as well as
problems with graphs induced from node feature similarities, by showing that
RS-GNN achieves significant improvements over established baselines that
optimize surrogate functions. Theoretically, we establish a new hardness result
for RS by proving that RS is hard to approximate in polynomial time within any
reasonable factor, which implies a significant gap between the optimum solution
of widely-used surrogate functions and the actual accuracy of the model, and
provides justification for the superiority of representation learning-based
approaches such as RS-GNN over surrogate functions.
|
109,456 | 109,456 |
Prototyping three key properties of specific curiosity in computational
reinforcement learning
|
Curiosity for machine agents has been a focus of intense research. The study
of human and animal curiosity, particularly specific curiosity, has unearthed
several properties that would offer important benefits for machine learners,
but that have not yet been well-explored in machine intelligence. In this work,
we introduce three of the most immediate of these properties -- directedness,
cessation when satisfied, and voluntary exposure -- and show how they may be
implemented together in a proof-of-concept reinforcement learning agent;
further, we demonstrate how the properties manifest in the behaviour of this
agent in a simple non-episodic grid-world environment that includes
curiosity-inducing locations and induced targets of curiosity. As we would
hope, the agent exhibits short-term directed behaviour while updating long-term
preferences to adaptively seek out curiosity-inducing situations. This work
therefore presents a novel view into how specific curiosity operates and in the
future might be integrated into the behaviour of goal-seeking, decision-making
agents in complex environments.
|
109,457 | 109,457 |
ARLO: A Framework for Automated Reinforcement Learning
|
Automated Reinforcement Learning (AutoRL) is a relatively new area of
research that is gaining increasing attention. The objective of AutoRL consists
in easing the employment of Reinforcement Learning (RL) techniques for the
broader public by alleviating some of its main challenges, including data
collection, algorithm selection, and hyper-parameter tuning. In this work, we
propose a general and flexible framework, namely ARLO: Automated Reinforcement
Learning Optimizer, to construct automated pipelines for AutoRL. Based on this,
we propose a pipeline for offline and one for online RL, discussing the
components, interaction, and highlighting the difference between the two
settings. Furthermore, we provide a Python implementation of such pipelines,
released as an open-source library. Our implementation has been tested on an
illustrative LQG domain and on classic MuJoCo environments, showing the ability
to reach competitive performances requiring limited human intervention. We also
showcase the full pipeline on a realistic dam environment, automatically
performing the feature selection and the model generation tasks.
|
109,458 | 109,458 |
Learning Geometrically Disentangled Representations of Protein Folding
Simulations
|
Massive molecular simulations of drug-target proteins have been used as a
tool to understand disease mechanism and develop therapeutics. This work
focuses on learning a generative neural network on a structural ensemble of a
drug-target protein, e.g. SARS-CoV-2 Spike protein, obtained from
computationally expensive molecular simulations. Model tasks involve
characterizing the distinct structural fluctuations of the protein bound to
various drug molecules, as well as efficient generation of protein
conformations that can serve as an complement of a molecular simulation engine.
Specifically, we present a geometric autoencoder framework to learn separate
latent space encodings of the intrinsic and extrinsic geometries of the protein
structure. For this purpose, the proposed Protein Geometric AutoEncoder
(ProGAE) model is trained on the protein contact map and the orientation of the
backbone bonds of the protein. Using ProGAE latent embeddings, we reconstruct
and generate the conformational ensemble of a protein at or near the
experimental resolution, while gaining better interpretability and
controllability in term of protein structure generation from the learned latent
space. Additionally, ProGAE models are transferable to a different state of the
same protein or to a new protein of different size, where only the dense layer
decoding from the latent representation needs to be retrained. Results show
that our geometric learning-based method enjoys both accuracy and efficiency
for generating complex structural variations, charting the path toward scalable
and improved approaches for analyzing and enhancing high-cost simulations of
drug-target proteins.
|
109,459 | 109,459 |
Using machine learning on new feature sets extracted from 3D models of
broken animal bones to classify fragments according to break agent
|
Distinguishing agents of bone modification at paleoanthropological sites is
at the root of much of the research directed at understanding early hominin
exploitation of large animal resources and the effects those subsistence
behaviors had on early hominin evolution. However, current methods,
particularly in the area of fracture pattern analysis as a signal of marrow
exploitation, have failed to overcome equifinality. Furthermore, researchers
debate the replicability and validity of current and emerging methods for
analyzing bone modifications. Here we present a new approach to fracture
pattern analysis aimed at distinguishing bone fragments resulting from hominin
bone breakage and those produced by carnivores. This new method uses 3D models
of fragmentary bone to extract a much richer dataset that is more transparent
and replicable than feature sets previously used in fracture pattern analysis.
Supervised machine learning algorithms are properly used to classify bone
fragments according to agent of breakage with average mean accuracy of 77%
across tests.
|
109,460 | 109,460 |
Learning Dense Reward with Temporal Variant Self-Supervision
|
Rewards play an essential role in reinforcement learning. In contrast to
rule-based game environments with well-defined reward functions, complex
real-world robotic applications, such as contact-rich manipulation, lack
explicit and informative descriptions that can directly be used as a reward.
Previous effort has shown that it is possible to algorithmically extract dense
rewards directly from multimodal observations. In this paper, we aim to extend
this effort by proposing a more efficient and robust way of sampling and
learning. In particular, our sampling approach utilizes temporal variance to
simulate the fluctuating state and action distribution of a manipulation task.
We then proposed a network architecture for self-supervised learning to better
incorporate temporal information in latent representations. We tested our
approach in two experimental setups, namely joint-assembly and door-opening.
Preliminary results show that our approach is effective and efficient in
learning dense rewards, and the learned rewards lead to faster convergence than
baselines.
|
109,461 | 109,461 |
Towards Better Understanding Attribution Methods
|
Deep neural networks are very successful on many vision tasks, but hard to
interpret due to their black box nature. To overcome this, various post-hoc
attribution methods have been proposed to identify image regions most
influential to the models' decisions. Evaluating such methods is challenging
since no ground truth attributions exist. We thus propose three novel
evaluation schemes to more reliably measure the faithfulness of those methods,
to make comparisons between them more fair, and to make visual inspection more
systematic. To address faithfulness, we propose a novel evaluation setting
(DiFull) in which we carefully control which parts of the input can influence
the output in order to distinguish possible from impossible attributions. To
address fairness, we note that different methods are applied at different
layers, which skews any comparison, and so evaluate all methods on the same
layers (ML-Att) and discuss how this impacts their performance on quantitative
metrics. For more systematic visualizations, we propose a scheme (AggAtt) to
qualitatively evaluate the methods on complete datasets. We use these
evaluation schemes to study strengths and shortcomings of some widely used
attribution methods. Finally, we propose a post-processing smoothing step that
significantly improves the performance of some attribution methods, and discuss
its applicability.
|
109,462 | 109,462 |
Dynamic Ensemble Selection Using Fuzzy Hyperboxes
|
Most dynamic ensemble selection (DES) methods utilize the K-Nearest Neighbors
(KNN) algorithm to estimate the competence of classifiers in a small region
surrounding the query sample. However, KNN is very sensitive to the local
distribution of the data. Moreover, it also has a high computational cost as it
requires storing the whole data in memory and performing multiple distance
calculations during inference. Hence, the dependency on the KNN algorithm ends
up limiting the use of DES techniques for large-scale problems. This paper
presents a new DES framework based on fuzzy hyperboxes called FH-DES. Each
hyperbox can represent a group of samples using only two data points (Min and
Max corners). Thus, the hyperbox-based system will have less computational
complexity than other dynamic selection methods. In addition, despite the
KNN-based approaches, the fuzzy hyperbox is not sensitive to the local data
distribution. Therefore, the local distribution of the samples does not affect
the system's performance. Furthermore, in this research, for the first time,
misclassified samples are used to estimate the competence of the classifiers,
which has not been observed in previous fusion approaches. Experimental results
demonstrate that the proposed method has high classification accuracy while
having a lower complexity when compared with the state-of-the-art dynamic
selection methods. The implemented code is available at
https://github.com/redavtalab/FH-DES_IJCNN.git.
|
109,463 | 109,463 |
How Useful are Gradients for OOD Detection Really?
|
One critical challenge in deploying highly performant machine learning models
in real-life applications is out of distribution (OOD) detection. Given a
predictive model which is accurate on in distribution (ID) data, an OOD
detection system will further equip the model with the option to defer
prediction when the input is novel and the model has little confidence in
prediction. There has been some recent interest in utilizing the gradient
information in pre-trained models for OOD detection. While these methods have
shown competitive performance, there are misconceptions about the true
mechanism underlying them, which conflate their performance with the necessity
of gradients. In this work, we provide an in-depth analysis and comparison of
gradient based methods and elucidate the key components that warrant their OOD
detection performance. We further propose a general, non-gradient based method
of OOD detection which improves over previous baselines in both performance and
computational efficiency.
|
109,464 | 109,464 |
Predicting Seriousness of Injury in a Traffic Accident: A New Imbalanced
Dataset and Benchmark
|
The paper introduces a new dataset to assess the performance of machine
learning algorithms in the prediction of the seriousness of injury in a traffic
accident. The dataset is created by aggregating publicly available datasets
from the UK Department for Transport, which are drastically imbalanced with
missing attributes sometimes approaching 50\% of the overall data
dimensionality. The paper presents the data analysis pipeline starting from the
publicly available data of road traffic accidents and ending with predictors of
possible injuries and their degree of severity. It addresses the huge
incompleteness of public data with a MissForest model. The paper also
introduces two baseline approaches to create injury predictors: a supervised
artificial neural network and a reinforcement learning model. The dataset can
potentially stimulate diverse aspects of machine learning research on
imbalanced datasets and the two approaches can be used as baseline references
when researchers test more advanced learning algorithms in this area.
|
109,465 | 109,465 |
A Hybrid Model for Forecasting Short-Term Electricity Demand
|
Currently the UK Electric market is guided by load (demand) forecasts
published every thirty minutes by the regulator. A key factor in predicting
demand is weather conditions, with forecasts published every hour. We present
HYENA: a hybrid predictive model that combines feature engineering (selection
of the candidate predictor features), mobile-window predictors and finally LSTM
encoder-decoders to achieve higher accuracy with respect to mainstream models
from the literature. HYENA decreased MAPE loss by 16\% and RMSE loss by 10\%
over the best available benchmark model, thus establishing a new state of the
art for the UK electric load (and price) forecasting.
|
109,466 | 109,466 |
E2FL: Equal and Equitable Federated Learning
|
Federated Learning (FL) enables data owners to train a shared global model
without sharing their private data. Unfortunately, FL is susceptible to an
intrinsic fairness issue: due to heterogeneity in clients' data distributions,
the final trained model can give disproportionate advantages across the
participating clients. In this work, we present Equal and Equitable Federated
Learning (E2FL) to produce fair federated learning models by preserving two
main fairness properties, equity and equality, concurrently. We validate the
efficiency and fairness of E2FL in different real-world FL applications, and
show that E2FL outperforms existing baselines in terms of the resulting
efficiency, fairness of different groups, and fairness among all individual
clients.
|
109,467 | 109,467 |
PSO-Convolutional Neural Networks with Heterogeneous Learning Rate
|
Convolutional Neural Networks (ConvNets or CNNs) have been candidly deployed
in the scope of computer vision and related fields. Nevertheless, the dynamics
of training of these neural networks lie still elusive: it is hard and
computationally expensive to train them. A myriad of architectures and training
strategies have been proposed to overcome this challenge and address several
problems in image processing such as speech, image and action recognition as
well as object detection. In this article, we propose a novel Particle Swarm
Optimization (PSO) based training for ConvNets. In such framework, the vector
of weights of each ConvNet is typically cast as the position of a particle in
phase space whereby PSO collaborative dynamics intertwines with Stochastic
Gradient Descent (SGD) in order to boost training performance and
generalization. Our approach goes as follows: i) [regular phase] each ConvNet
is trained independently via SGD; ii) [collaborative phase] ConvNets share
among themselves their current vector of weights (or particle-position) along
with their gradient estimates of the Loss function. Distinct step sizes are
coined by distinct ConvNets. By properly blending ConvNets with large (possibly
random) step-sizes along with more conservative ones, we propose an algorithm
with competitive performance with respect to other PSO-based approaches on
Cifar-10 (accuracy of 98.31%). These accuracy levels are obtained by resorting
to only four ConvNets -- such results are expected to scale with the number of
collaborative ConvNets accordingly. We make our source codes available for
download https://github.com/leonlha/PSO-ConvNet-Dynamics.
|
109,468 | 109,468 |
Robust Sensible Adversarial Learning of Deep Neural Networks for Image
Classification
|
The idea of robustness is central and critical to modern statistical
analysis. However, despite the recent advances of deep neural networks (DNNs),
many studies have shown that DNNs are vulnerable to adversarial attacks. Making
imperceptible changes to an image can cause DNN models to make the wrong
classification with high confidence, such as classifying a benign mole as a
malignant tumor and a stop sign as a speed limit sign. The trade-off between
robustness and standard accuracy is common for DNN models. In this paper, we
introduce sensible adversarial learning and demonstrate the synergistic effect
between pursuits of standard natural accuracy and robustness. Specifically, we
define a sensible adversary which is useful for learning a robust model while
keeping high natural accuracy. We theoretically establish that the Bayes
classifier is the most robust multi-class classifier with the 0-1 loss under
sensible adversarial learning. We propose a novel and efficient algorithm that
trains a robust model using implicit loss truncation. We apply sensible
adversarial learning for large-scale image classification to a handwritten
digital image dataset called MNIST and an object recognition colored image
dataset called CIFAR10. We have performed an extensive comparative study to
compare our method with other competitive methods. Our experiments empirically
demonstrate that our method is not sensitive to its hyperparameter and does not
collapse even with a small model capacity while promoting robustness against
various attacks and keeping high natural accuracy.
|
109,469 | 109,469 |
A Survey on Physiological Signal Based Emotion Recognition
|
Physiological Signals are the most reliable form of signals for emotion
recognition, as they cannot be controlled deliberately by the subject. Existing
review papers on emotion recognition based on physiological signals surveyed
only the regular steps involved in the workflow of emotion recognition such as
preprocessing, feature extraction, and classification. While these are
important steps, such steps are required for any signal processing application.
Emotion recognition poses its own set of challenges that are very important to
address for a robust system. Thus, to bridge the gap in the existing
literature, in this paper, we review the effect of inter-subject data variance
on emotion recognition, important data annotation techniques for emotion
recognition and their comparison, data preprocessing techniques for each
physiological signal, data splitting techniques for improving the
generalization of emotion recognition models and different multimodal fusion
techniques and their comparison. Finally we discuss key challenges and future
directions in this field.
|
109,470 | 109,470 |
Masterful: A Training Platform for Computer Vision Models
|
Masterful is a software platform to train deep learning computer vision
models. Data and model architecture are inputs to the platform, and the output
is a trained model. The platform's primary goal is to maximize a trained
model's accuracy, which it achieves through its regularization and
semi-supervised learning implementations. The platform's secondary goal is to
minimize the amount of manual experimentation typically required to tune
training hyperparameters, which it achieves via multiple metalearning
algorithms which are custom built to control the platform's regularization and
semi-supervised learning implementations. The platform's tertiary goal is to
minimize the computing resources required to train a model, which it achieves
via another set of metalearning algorithms which are purpose built to control
Tensorflow's optimization implementations. The platform builds on top of
Tensorflow's data management, architecture, automatic differentiation, and
optimization implementations.
|
109,471 | 109,471 |
Retrieval-Augmented Multilingual Keyphrase Generation with
Retriever-Generator Iterative Training
|
Keyphrase generation is the task of automatically predicting keyphrases given
a piece of long text. Despite its recent flourishing, keyphrase generation on
non-English languages haven't been vastly investigated. In this paper, we call
attention to a new setting named multilingual keyphrase generation and we
contribute two new datasets, EcommerceMKP and AcademicMKP, covering six
languages. Technically, we propose a retrieval-augmented method for
multilingual keyphrase generation to mitigate the data shortage problem in
non-English languages. The retrieval-augmented model leverages keyphrase
annotations in English datasets to facilitate generating keyphrases in
low-resource languages. Given a non-English passage, a cross-lingual dense
passage retrieval module finds relevant English passages. Then the associated
English keyphrases serve as external knowledge for keyphrase generation in the
current language. Moreover, we develop a retriever-generator iterative training
algorithm to mine pseudo parallel passage pairs to strengthen the cross-lingual
passage retriever. Comprehensive experiments and ablations show that the
proposed approach outperforms all baselines.
|
109,472 | 109,472 |
De novo design of protein target specific scaffold-based Inhibitors via
Reinforcement Learning
|
Efficient design and discovery of target-driven molecules is a critical step
in facilitating lead optimization in drug discovery. Current approaches to
develop molecules for a target protein are intuition-driven, hampered by slow
iterative design-test cycles due to computational challenges in utilizing 3D
structural data, and ultimately limited by the expertise of the chemist -
leading to bottlenecks in molecular design. In this contribution, we propose a
novel framework, called 3D-MolGNN$_{RL}$, coupling reinforcement learning (RL)
to a deep generative model based on 3D-Scaffold to generate target candidates
specific to a protein building up atom by atom from the starting core scaffold.
3D-MolGNN$_{RL}$ provides an efficient way to optimize key features by
multi-objective reward function within a protein pocket using parallel graph
neural network models. The agent learns to build molecules in 3D space while
optimizing the activity, binding affinity, potency, and synthetic accessibility
of the candidates generated for infectious disease protein targets. Our
approach can serve as an interpretable artificial intelligence (AI) tool for
lead optimization with optimized activity, potency, and biophysical properties.
|
109,473 | 109,473 |
DeepStruct: Pretraining of Language Models for Structure Prediction
|
We introduce a method for improving the structural understanding abilities of
language models. Unlike previous approaches that finetune the models with
task-specific augmentation, we pretrain language models on a collection of
task-agnostic corpora to generate structures from text. Our structure
pretraining enables zero-shot transfer of the learned knowledge that models
have about the structure tasks. We study the performance of this approach on 28
datasets, spanning 10 structure prediction tasks including open information
extraction, joint entity and relation extraction, named entity recognition,
relation classification, semantic role labeling, event extraction, coreference
resolution, factual probe, intent detection, and dialogue state tracking. We
further enhance the pretraining with the task-specific training sets. We show
that a 10B parameter language model transfers non-trivially to most tasks and
obtains state-of-the-art performance on 21 of 28 datasets that we evaluate.
|
109,474 | 109,474 |
Semi-Supervised Subspace Clustering via Tensor Low-Rank Representation
|
In this letter, we propose a novel semi-supervised subspace clustering
method, which is able to simultaneously augment the initial supervisory
information and construct a discriminative affinity matrix. By representing the
limited amount of supervisory information as a pairwise constraint matrix, we
observe that the ideal affinity matrix for clustering shares the same low-rank
structure as the ideal pairwise constraint matrix. Thus, we stack the two
matrices into a 3-D tensor, where a global low-rank constraint is imposed to
promote the affinity matrix construction and augment the initial pairwise
constraints synchronously. Besides, we use the local geometry structure of
input samples to complement the global low-rank prior to achieve better
affinity matrix learning. The proposed model is formulated as a Laplacian graph
regularized convex low-rank tensor representation problem, which is further
solved with an alternative iterative algorithm. In addition, we propose to
refine the affinity matrix with the augmented pairwise constraints.
Comprehensive experimental results on six commonly-used benchmark datasets
demonstrate the superiority of our method over state-of-the-art methods. The
code is publicly available at
https://github.com/GuanxingLu/Subspace-Clustering.
|
109,475 | 109,475 |
Nuclear Norm Maximization Based Curiosity-Driven Learning
|
To handle the sparsity of the extrinsic rewards in reinforcement learning,
researchers have proposed intrinsic reward which enables the agent to learn the
skills that might come in handy for pursuing the rewards in the future, such as
encouraging the agent to visit novel states. However, the intrinsic reward can
be noisy due to the undesirable environment's stochasticity and directly
applying the noisy value predictions to supervise the policy is detrimental to
improve the learning performance and efficiency. Moreover, many previous
studies employ $\ell^2$ norm or variance to measure the exploration novelty,
which will amplify the noise due to the square operation. In this paper, we
address aforementioned challenges by proposing a novel curiosity leveraging the
nuclear norm maximization (NNM), which can quantify the novelty of exploring
the environment more accurately while providing high-tolerance to the noise and
outliers. We conduct extensive experiments across a variety of benchmark
environments and the results suggest that NNM can provide state-of-the-art
performance compared with previous curiosity methods. On 26 Atari games subset,
when trained with only intrinsic reward, NNM achieves a human-normalized score
of 1.09, which doubles that of competitive intrinsic rewards-based approaches.
Our code will be released publicly to enhance the reproducibility.
|
109,476 | 109,476 |
Scaling Laws and Interpretability of Learning from Repeated Data
|
Recent large language models have been trained on vast datasets, but also
often on repeated data, either intentionally for the purpose of upweighting
higher quality data, or unintentionally because data deduplication is not
perfect and the model is exposed to repeated data at the sentence, paragraph,
or document level. Some works have reported substantial negative performance
effects of this repeated data. In this paper we attempt to study repeated data
systematically and to understand its effects mechanistically. To do this, we
train a family of models where most of the data is unique but a small fraction
of it is repeated many times. We find a strong double descent phenomenon, in
which repeated data can lead test loss to increase midway through training. A
predictable range of repetition frequency leads to surprisingly severe
degradation in performance. For instance, performance of an 800M parameter
model can be degraded to that of a 2x smaller model (400M params) by repeating
0.1% of the data 100 times, despite the other 90% of the training tokens
remaining unique. We suspect there is a range in the middle where the data can
be memorized and doing so consumes a large fraction of the model's capacity,
and this may be where the peak of degradation occurs. Finally, we connect these
observations to recent mechanistic interpretability work - attempting to
reverse engineer the detailed computations performed by the model - by showing
that data repetition disproportionately damages copying and internal structures
associated with generalization, such as induction heads, providing a possible
mechanism for the shift from generalization to memorization. Taken together,
these results provide a hypothesis for why repeating a relatively small
fraction of data in large language models could lead to disproportionately
large harms to performance.
|
109,477 | 109,477 |
Mapping Emulation for Knowledge Distillation
|
This paper formalizes the source-blind knowledge distillation problem that is
essential to federated learning. A new geometric perspective is presented to
view such a problem as aligning generated distributions between the teacher and
student. With its guidance, a new architecture MEKD is proposed to emulate the
inverse mapping through generative adversarial training. Unlike mimicking
logits and aligning logit distributions, reconstructing the mapping from
classifier-logits has a geometric intuition of decreasing empirical distances,
and theoretical guarantees using the universal function approximation and
optimal mass transportation theories. A new algorithm is also proposed to train
the student model that reaches the teacher's performance source-blindly. On
various benchmarks, MEKD outperforms existing source-blind KD methods,
explainable with ablation studies and visualized results.
|
109,478 | 109,478 |
LSTM-Based Adaptive Vehicle Position Control for Dynamic Wireless
Charging
|
Dynamic wireless charging (DWC) is an emerging technology that allows
electric vehicles (EVs) to be wirelessly charged while in motion. It is gaining
significant momentum as it can potentially address the range limitation issue
for EVs. However, due to significant power loss caused by wireless power
transfer, improving charging efficiency remains as a major challenge for DWC
systems. This paper presents the first LSTM-based vehicle motion control system
for DWC designed to maximize charging efficiency. The dynamics of the
electromagnetic field generated by the transmitter coils of a DWC system are
modeled based on a multi-layer LSTM. The LSTM model is used to make a
prediction of the lateral position where the electromagnetic strength is
expected to be maximal and to control the EV motion accordingly to optimize
charging efficiency. Simulations were conducted to demonstrate that our
LSTM-based approach achieves by up to 162.3% higher charging efficiency
compared with state-of-the-art vehicle motion control systems focused on
keeping an EV in the center of lane.
|
109,479 | 109,479 |
Theoretically Accurate Regularization Technique for Matrix Factorization
based Recommender Systems
|
Regularization is a popular technique to solve the overfitting problem of
machine learning algorithms. Most regularization technique relies on parameter
selection of the regularization coefficient. Plug-in method and
cross-validation approach are two most common parameter selection approaches
for regression methods such as Ridge Regression, Lasso Regression and Kernel
Regression. Matrix factorization based recommendation system also has heavy
reliance on the regularization technique. Most people select a single scalar
value to regularize the user feature vector and item feature vector
independently or collectively. In this paper, we prove that such approach of
selecting regularization coefficient is invalid, and we provide a theoretically
accurate method that outperforms the most widely used approach in both accuracy
and fairness metrics.
|
109,480 | 109,480 |
eBIM-GNN : Fast and Scalable energy analysis through BIMs and Graph
Neural Networks
|
Building Information Modeling has been used to analyze as well as increase
the energy efficiency of the buildings. It has shown significant promise in
existing buildings by deconstruction and retrofitting. Current cities which
were built without the knowledge of energy savings are now demanding better
ways to become smart in energy utilization. However, the existing methods of
generating BIMs work on building basis. Hence they are slow and expensive when
we scale to a larger community or even entire towns or cities. In this paper,
we propose a method to creation of prototype buildings that enable us to match
and generate statistics very efficiently. Our method suggests better energy
efficient prototypes for the existing buildings. The existing buildings are
identified and located in the 3D point cloud. We perform experiments on
synthetic dataset to demonstrate the working of our approach.
|
109,481 | 109,481 |
How to Find Actionable Static Analysis Warnings
|
Automatically generated static code warnings suffer from a large number of
false alarms. Hence, developers only take action on a small percent of those
warnings. To better predict which static code warnings should not be ignored,
we suggest that analysts need to look deeper into their algorithms to find
choices that better improve the particulars of their specific problem.
Specifically, we show here that effective predictors of such warnings can be
created by methods that locally adjust the decision boundary (between
actionable warnings and others). These methods yield a new high water-mark for
recognizing actionable static code warnings. For eight open-source Java
projects (CASSANDRA, JMETER, COMMONS, LUCENE-SOLR, ANT, TOMCAT, DERBY) we
achieve perfect test results on 4/8 datasets and, overall, a median AUC (area
under the true negatives, true positives curve) of 92\%.
|
109,482 | 109,482 |
Deeper vs Wider: A Revisit of Transformer Configuration
|
Transformer-based models have delivered impressive results on many tasks,
particularly vision and language tasks. In many model training situations,
conventional configurations are typically adopted. For example, we often set
the base model with hidden dimensions (i.e. model width) to be 768 and the
number of transformer layers (i.e. model depth) to be 12. In this paper, we
revisit these conventional configurations. Through theoretical analysis and
experimental evaluation, we show that the masked autoencoder is effective in
alleviating the over-smoothing issue in deep transformer training. Based on
this finding, we propose Bamboo, an idea of using deeper and narrower
transformer configurations, for masked autoencoder training. On ImageNet, with
such a simple change in configuration, re-designed model achieves 87.1% top-1
accuracy and outperforms SoTA models like MAE and BEiT. On language tasks,
re-designed model outperforms BERT with default setting by 1.1 points on
average, on GLUE datasets.
|
109,483 | 109,483 |
Travel Time, Distance and Costs Optimization for Paratransit Operations
using Graph Convolutional Neural Network
|
The provision of paratransit services is one option to meet the
transportation needs of Vulnerable Road Users (VRUs). Like any other means of
transportation, paratransit has obstacles such as high operational costs and
longer trip times. As a result, customers are dissatisfied, and paratransit
operators have a low approval rating. Researchers have undertaken various
studies over the years to better understand the travel behaviors of paratransit
customers and how they are operated. According to the findings of these
researches, paratransit operators confront the challenge of determining the
optimal route for their trips in order to save travel time. Depending on the
nature of the challenge, most research used different optimization techniques
to solve these routing problems. As a result, the goal of this study is to use
Graph Convolutional Neural Networks (GCNs) to assist paratransit operators in
researching various operational scenarios in a strategic setting in order to
optimize routing, minimize operating costs and minimize their users' travel
time. The study was carried out by using a randomized simulated dataset to help
determine the decision to make in terms of fleet composition and capacity under
different situations. For the various scenarios investigated, the GCN assisted
in determining the minimum optimal gap.
|
109,484 | 109,484 |
Visualizing CoAtNet Predictions for Aiding Melanoma Detection
|
Melanoma is considered to be the most aggressive form of skin cancer. Due to
the similar shape of malignant and benign cancerous lesions, doctors spend
considerably more time when diagnosing these findings. At present, the
evaluation of malignancy is performed primarily by invasive histological
examination of the suspicious lesion. Developing an accurate classifier for
early and efficient detection can minimize and monitor the harmful effects of
skin cancer and increase patient survival rates. This paper proposes a
multi-class classification task using the CoAtNet architecture, a hybrid model
that combines the depthwise convolution matrix operation of traditional
convolutional neural networks with the strengths of Transformer models and
self-attention mechanics to achieve better generalization and capacity. The
proposed multi-class classifier achieves an overall precision of 0.901, recall
0.895, and AP 0.923, indicating high performance compared to other
state-of-the-art networks.
|
109,485 | 109,485 |
Deep Learning vs. Gradient Boosting: Benchmarking state-of-the-art
machine learning algorithms for credit scoring
|
Artificial intelligence (AI) and machine learning (ML) have become vital to
remain competitive for financial services companies around the globe. The two
models currently competing for the pole position in credit risk management are
deep learning (DL) and gradient boosting machines (GBM). This paper benchmarked
those two algorithms in the context of credit scoring using three distinct
datasets with different features to account for the reality that model
choice/power is often dependent on the underlying characteristics of the
dataset. The experiment has shown that GBM tends to be more powerful than DL
and has also the advantage of speed due to lower computational requirements.
This makes GBM the winner and choice for credit scoring. However, it was also
shown that the outperformance of GBM is not always guaranteed and ultimately
the concrete problem scenario or dataset will determine the final model choice.
Overall, based on this study both algorithms can be considered state-of-the-art
for binary classification tasks on structured datasets, while GBM should be the
go-to solution for most problem scenarios due to easier use, significantly
faster training time, and superior accuracy.
|
109,486 | 109,486 |
Knowledge Distillation from A Stronger Teacher
|
Unlike existing knowledge distillation methods focus on the baseline
settings, where the teacher models and training strategies are not that strong
and competing as state-of-the-art approaches, this paper presents a method
dubbed DIST to distill better from a stronger teacher. We empirically find that
the discrepancy of predictions between the student and a stronger teacher may
tend to be fairly severer. As a result, the exact match of predictions in KL
divergence would disturb the training and make existing methods perform poorly.
In this paper, we show that simply preserving the relations between the
predictions of teacher and student would suffice, and propose a
correlation-based loss to capture the intrinsic inter-class relations from the
teacher explicitly. Besides, considering that different instances have
different semantic similarities to each class, we also extend this relational
match to the intra-class level. Our method is simple yet practical, and
extensive experiments demonstrate that it adapts well to various architectures,
model sizes and training strategies, and can achieve state-of-the-art
performance consistently on image classification, object detection, and
semantic segmentation tasks. Code is available at:
https://github.com/hunto/DIST_KD .
|
109,487 | 109,487 |
Automated machine learning: AI-driven decision making in business
analytics
|
The realization that AI-driven decision-making is indispensable in todays
fast-paced and ultra-competitive marketplace has raised interest in industrial
machine learning (ML) applications significantly. The current demand for
analytics experts vastly exceeds the supply. One solution to this problem is to
increase the user-friendliness of ML frameworks to make them more accessible
for the non-expert. Automated machine learning (AutoML) is an attempt to solve
the problem of expertise by providing fully automated off-the-shelf solutions
for model choice and hyperparameter tuning. This paper analyzed the potential
of AutoML for applications within business analytics, which could help to
increase the adoption rate of ML across all industries. The H2O AutoML
framework was benchmarked against a manually tuned stacked ML model on three
real-world datasets to test its performance, robustness, and reliability. The
manually tuned ML model could reach a performance advantage in all three case
studies used in the experiment. Nevertheless, the H2O AutoML package proved to
be quite potent. It is fast, easy to use, and delivers reliable results, which
come close to a professionally tuned ML model. The H2O AutoML framework in its
current capacity is a valuable tool to support fast prototyping with the
potential to shorten development and deployment cycles. It can also bridge the
existing gap between supply and demand for ML experts and is a big step towards
fully automated decisions in business analytics.
|
109,488 | 109,488 |
Neuroevolutionary Feature Representations for Causal Inference
|
Within the field of causal inference, we consider the problem of estimating
heterogeneous treatment effects from data. We propose and validate a novel
approach for learning feature representations to aid the estimation of the
conditional average treatment effect or CATE. Our method focuses on an
intermediate layer in a neural network trained to predict the outcome from the
features. In contrast to previous approaches that encourage the distribution of
representations to be treatment-invariant, we leverage a genetic algorithm that
optimizes over representations useful for predicting the outcome to select
those less useful for predicting the treatment. This allows us to retain
information within the features useful for predicting outcome even if that
information may be related to treatment assignment. We validate our method on
synthetic examples and illustrate its use on a real life dataset.
|
109,489 | 109,489 |
KGNN: Harnessing Kernel-based Networks for Semi-supervised Graph
Classification
|
This paper studies semi-supervised graph classification, which is an
important problem with various applications in social network analysis and
bioinformatics. This problem is typically solved by using graph neural networks
(GNNs), which yet rely on a large number of labeled graphs for training and are
unable to leverage unlabeled graphs. We address the limitations by proposing
the Kernel-based Graph Neural Network (KGNN). A KGNN consists of a GNN-based
network as well as a kernel-based network parameterized by a memory network.
The GNN-based network performs classification through learning graph
representations to implicitly capture the similarity between query graphs and
labeled graphs, while the kernel-based network uses graph kernels to explicitly
compare each query graph with all the labeled graphs stored in a memory for
prediction. The two networks are motivated from complementary perspectives, and
thus combing them allows KGNN to use labeled graphs more effectively. We
jointly train the two networks by maximizing their agreement on unlabeled
graphs via posterior regularization, so that the unlabeled graphs serve as a
bridge to let both networks mutually enhance each other. Experiments on a range
of well-known benchmark datasets demonstrate that KGNN achieves impressive
performance over competitive baselines.
|
109,490 | 109,490 |
Non-Autoregressive Neural Machine Translation: A Call for Clarity
|
Non-autoregressive approaches aim to improve the inference speed of
translation models by only requiring a single forward pass to generate the
output sequence instead of iteratively producing each predicted token.
Consequently, their translation quality still tends to be inferior to their
autoregressive counterparts due to several issues involving output token
interdependence. In this work, we take a step back and revisit several
techniques that have been proposed for improving non-autoregressive translation
models and compare their combined translation quality and speed implications
under third-party testing environments. We provide novel insights for
establishing strong baselines using length prediction or CTC-based architecture
variants and contribute standardized BLEU, chrF++, and TER scores using
sacreBLEU on four translation tasks, which crucially have been missing as
inconsistencies in the use of tokenized BLEU lead to deviations of up to 1.7
BLEU points. Our open-sourced code is integrated into fairseq for
reproducibility.
|
109,491 | 109,491 |
Evaluating Performance of Machine Learning Models for Diabetic
Sensorimotor Polyneuropathy Severity Classification using Biomechanical
Signals during Gait
|
Diabetic sensorimotor polyneuropathy (DSPN) is one of the prevalent forms of
neuropathy affected by diabetic patients that involves alterations in
biomechanical changes in human gait. In literature, for the last 50 years,
researchers are trying to observe the biomechanical changes due to DSPN by
studying muscle electromyography (EMG), and ground reaction forces (GRF).
However, the literature is contradictory. In such a scenario, we are proposing
to use Machine learning techniques to identify DSPN patients by using EMG, and
GRF data. We have collected a dataset consists of three lower limb muscles EMG
(tibialis anterior (TA), vastus lateralis (VL), gastrocnemius medialis (GM) and
3-dimensional GRF components (GRFx, GRFy, and GRFz). Raw EMG and GRF signals
were preprocessed, and a newly proposed feature extraction technique scheme
from literature was applied to extract the best features from the signals. The
extracted feature list was ranked using Relief feature ranking techniques, and
highly correlated features were removed. We have trained different ML models to
find out the best-performing model and optimized that model. We trained the
optimized ML models for different combinations of muscles and GRF components
features, and the performance matrix was evaluated. This study has found
ensemble classifier model was performing in identifying DSPN Severity, and we
optimized it before training. For EMG analysis, we have found the best accuracy
of 92.89% using the Top 14 features for features from GL, VL and TA muscles
combined. In the GRF analysis, the model showed 94.78% accuracy by using the
Top 15 features for the feature combinations extracted from GRFx, GRFy and GRFz
signals. The performance of ML-based DSPN severity classification models,
improved significantly, indicating their reliability in DSPN severity
classification, for biomechanical data.
|
109,492 | 109,492 |
Calibration of Natural Language Understanding Models with Venn--ABERS
Predictors
|
Transformers, currently the state-of-the-art in natural language
understanding (NLU) tasks, are prone to generate uncalibrated predictions or
extreme probabilities, making the process of taking different decisions based
on their output relatively difficult. In this paper we propose to build several
inductive Venn--ABERS predictors (IVAP), which are guaranteed to be well
calibrated under minimal assumptions, based on a selection of pre-trained
transformers. We test their performance over a set of diverse NLU tasks and
show that they are capable of producing well-calibrated probabilistic
predictions that are uniformly spread over the [0,1] interval -- all while
retaining the original model's predictive accuracy.
|
109,493 | 109,493 |
Lightweight Human Pose Estimation Using Heatmap-Weighting Loss
|
Recent research on human pose estimation exploits complex structures to
improve performance on benchmark datasets, ignoring the resource overhead and
inference speed when the model is actually deployed. In this paper, we lighten
the computation cost and parameters of the deconvolution head network in
SimpleBaseline and introduce an attention mechanism that utilizes original,
inter-level, and intra-level information to intensify the accuracy.
Additionally, we propose a novel loss function called heatmap weighting loss,
which generates weights for each pixel on the heatmap that makes the model more
focused on keypoints. Experiments demonstrate our method achieves a balance
between performance, resource volume, and inference speed. Specifically, our
method can achieve 65.3 AP score on COCO test-dev, while the inference speed is
55 FPS and 18 FPS on the mobile GPU and CPU, respectively.
|
109,494 | 109,494 |
A Pilot Study of Relating MYCN-Gene Amplification with
Neuroblastoma-Patient CT Scans
|
Neuroblastoma is one of the most common cancers in infants, and the initial
diagnosis of this disease is difficult. At present, the MYCN gene amplification
(MNA) status is detected by invasive pathological examination of tumor samples.
This is time-consuming and may have a hidden impact on children. To handle this
problem, we adopt multiple machine learning (ML) algorithms to predict the
presence or absence of MYCN gene amplification. The dataset is composed of
retrospective CT images of 23 neuroblastoma patients. Different from previous
work, we develop the algorithm without manually-segmented primary tumors which
is time-consuming and not practical. Instead, we only need the coordinate of
the center point and the number of tumor slices given by a subspecialty-trained
pediatric radiologist. Specifically, CNN-based method uses pre-trained
convolutional neural network, and radiomics-based method extracts radiomics
features. Our results show that CNN-based method outperforms the
radiomics-based method.
|
109,495 | 109,495 |
Learning Meta Representations of One-shot Relations for Temporal
Knowledge Graph Link Prediction
|
Few-shot relational learning for static knowledge graphs (KGs) has drawn
greater interest in recent years, while few-shot learning for temporal
knowledge graphs (TKGs) has hardly been studied. Compared to KGs, TKGs contain
rich temporal information, thus requiring temporal reasoning techniques for
modeling. This poses a greater challenge in learning few-shot relations in the
temporal context. In this paper, we revisit the previous work related to
few-shot relational learning in KGs and extend two existing TKG reasoning
tasks, i.e., interpolated and extrapolated link prediction, to the one-shot
setting. We propose four new large-scale benchmark datasets and develop a TKG
reasoning model for learning one-shot relations in TKGs. Experimental results
show that our model can achieve superior performance on all datasets in both
interpolation and extrapolation tasks.
|
109,496 | 109,496 |
CEP3: Community Event Prediction with Neural Point Process on Graph
|
Many real world applications can be formulated as event forecasting on
Continuous Time Dynamic Graphs (CTDGs) where the occurrence of a timed event
between two entities is represented as an edge along with its occurrence
timestamp in the graphs.However, most previous works approach the problem in
compromised settings, either formulating it as a link prediction task on the
graph given the event time or a time prediction problem given which event will
happen next. In this paper, we propose a novel model combining Graph Neural
Networks and Marked Temporal Point Process (MTPP) that jointly forecasts
multiple link events and their timestamps on communities over a CTDG. Moreover,
to scale our model to large graphs, we factorize the jointly event prediction
problem into three easier conditional probability modeling problems.To evaluate
the effectiveness of our model and the rationale behind such a decomposition,
we establish a set of benchmarks and evaluation metrics for this event
forecasting task. Our experiments demonstrate the superior performance of our
model in terms of both model accuracy and training efficiency.
|
109,497 | 109,497 |
DProQ: A Gated-Graph Transformer for Protein Complex Structure
Assessment
|
Proteins interact to form complexes to carry out essential biological
functions. Computational methods have been developed to predict the structures
of protein complexes. However, an important challenge in protein complex
structure prediction is to estimate the quality of predicted protein complex
structures without any knowledge of the corresponding native structures. Such
estimations can then be used to select high-quality predicted complex
structures to facilitate biomedical research such as protein function analysis
and drug discovery. We challenge this significant task with DProQ, which
introduces a gated neighborhood-modulating Graph Transformer (GGT) designed to
predict the quality of 3D protein complex structures. Notably, we incorporate
node and edge gates within a novel Graph Transformer framework to control
information flow during graph message passing. We train and evaluate DProQ on
four newly-developed datasets that we make publicly available in this work. Our
rigorous experiments demonstrate that DProQ achieves state-of-the-art
performance in ranking protein complex structures.
|
109,498 | 109,498 |
User-Interactive Offline Reinforcement Learning
|
Offline reinforcement learning algorithms still lack trust in practice due to
the risk that the learned policy performs worse than the original policy that
generated the dataset or behaves in an unexpected way that is unfamiliar to the
user. At the same time, offline RL algorithms are not able to tune their most
important hyperparameter - the proximity of the learned policy to the original
policy. We propose an algorithm that allows the user to tune this
hyperparameter at runtime, thereby overcoming both of the above mentioned
issues simultaneously. This allows users to start with the original behavior
and grant successively greater deviation, as well as stopping at any time when
the policy deteriorates or the behavior is too far from the familiar one.
|
109,499 | 109,499 |
Symmetry Teleportation for Accelerated Optimization
|
Existing gradient-based optimization methods update the parameters locally,
in a direction that minimizes the loss function. We study a different approach,
symmetry teleportation, that allows the parameters to travel a large distance
on the loss level set, in order to improve the convergence speed in subsequent
steps. Teleportation exploits parameter space symmetries of the optimization
problem and transforms parameters while keeping the loss invariant. We derive
the loss-invariant group actions for test functions and multi-layer neural
networks, and prove a necessary condition of when teleportation improves
convergence rate. We also show that our algorithm is closely related to second
order methods. Experimentally, we show that teleportation improves the
convergence speed of gradient descent and AdaGrad for several optimization
problems including test functions, multi-layer regressions, and MNIST
classification.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.