Unnamed: 0
int64 0
5k
| title
stringlengths 9
210
| abstract
stringlengths 164
1.92k
|
---|---|---|
4,300 | Sleep Posture One-Shot Learning Framework Using Kinematic Data Augmentation: In-Silico and In-Vivo Case Studies | Sleep posture is linked to several health conditions such as nocturnal cramps
and more serious musculoskeletal issues. However, in-clinic sleep assessments
are often limited to vital signs (e.g. brain waves). Wearable sensors with
embedded inertial measurement units have been used for sleep posture
classification; nonetheless, previous works consider only few (commonly four)
postures, which are inadequate for advanced clinical assessments. Moreover,
posture learning algorithms typically require longitudinal data collection to
function reliably, and often operate on raw inertial sensor readings unfamiliar
to clinicians. This paper proposes a new framework for sleep posture
classification based on a minimal set of joint angle measurements. The proposed
framework is validated on a rich set of twelve postures in two experimental
pipelines: computer animation to obtain synthetic postural data, and human
participant pilot study using custom-made miniature wearable sensors. Through
fusing raw geo-inertial sensor measurements to compute a filtered estimate of
relative segment orientations across the wrist and ankle joints, the body
posture can be characterised in a way comprehensible to medical experts. The
proposed sleep posture learning framework offers plug-and-play posture
classification by capitalising on a novel kinematic data augmentation method
that requires only one training example per posture. Additionally, a new metric
together with data visualisations are employed to extract meaningful insights
from the postures dataset, demonstrate the added value of the data augmentation
method, and explain the classification performance. The proposed framework
attained promising overall accuracy as high as 100% on synthetic data and 92.7%
on real data, on par with state of the art data-hungry algorithms available in
the literature. |
4,301 | A Domain-adaptive Pre-training Approach for Language Bias Detection in News | Media bias is a multi-faceted construct influencing individual behavior and
collective decision-making. Slanted news reporting is the result of one-sided
and polarized writing which can occur in various forms. In this work, we focus
on an important form of media bias, i.e. bias by word choice. Detecting biased
word choices is a challenging task due to its linguistic complexity and the
lack of representative gold-standard corpora. We present DA-RoBERTa, a new
state-of-the-art transformer-based model adapted to the media bias domain which
identifies sentence-level bias with an F1 score of 0.814. In addition, we also
train, DA-BERT and DA-BART, two more transformer models adapted to the bias
domain. Our proposed domain-adapted models outperform prior bias detection
approaches on the same data. |
4,302 | Fast Instrument Learning with Faster Rates | We investigate nonlinear instrumental variable (IV) regression given
high-dimensional instruments. We propose a simple algorithm which combines
kernelized IV methods and an arbitrary, adaptive regression algorithm, accessed
as a black box. Our algorithm enjoys faster-rate convergence and adapts to the
dimensionality of informative latent features, while avoiding an expensive
minimax optimization procedure, which has been necessary to establish similar
guarantees. It further brings the benefit of flexible machine learning models
to quasi-Bayesian uncertainty quantification, likelihood-based model selection,
and model averaging. Simulation studies demonstrate the competitive performance
of our method. |
4,303 | Edge Graph Neural Networks for Massive MIMO Detection | Massive Multiple-Input Multiple-Out (MIMO) detection is an important problem
in modern wireless communication systems. While traditional Belief Propagation
(BP) detectors perform poorly on loopy graphs, the recent Graph Neural Networks
(GNNs)-based method can overcome the drawbacks of BP and achieve superior
performance. Nevertheless, direct use of GNN ignores the importance of edge
attributes and suffers from high computation overhead using a fully connected
graph structure. In this paper, we propose an efficient GNN-inspired algorithm,
called the Edge Graph Neural Network (EGNN), to detect MIMO signals. We first
compute graph edge weights through channel correlation and then leverage the
obtained weights as a metric to evaluate the importance of neighbors of each
node. Moreover, we design an adaptive Edge Drop (ED) scheme to sparsify the
graph such that computational cost can be significantly reduced. Experimental
results demonstrate that our proposed EGNN achieves better or comparable
performance to popular MIMO detection methods for different modulation schemes
and costs the least detection time compared to GNN-based approaches. |
4,304 | Neuro-Symbolic Artificial Intelligence (AI) for Intent based Semantic Communication | Intent-based networks that integrate sophisticated machine reasoning
technologies will be a cornerstone of future wireless 6G systems. Intent-based
communication requires the network to consider the semantics (meanings) and
effectiveness (at end-user) of the data transmission. This is essential if 6G
systems are to communicate reliably with fewer bits while simultaneously
providing connectivity to heterogeneous users. In this paper, contrary to state
of the art, which lacks explainability of data, the framework of neuro-symbolic
artificial intelligence (NeSy AI) is proposed as a pillar for learning causal
structure behind the observed data. In particular, the emerging concept of
generative flow networks (GFlowNet) is leveraged for the first time in a
wireless system to learn the probabilistic structure which generates the data.
Further, a novel optimization problem for learning the optimal encoding and
decoding functions is rigorously formulated with the intent of achieving higher
semantic reliability. Novel analytical formulations are developed to define key
metrics for semantic message transmission, including semantic distortion,
semantic similarity, and semantic reliability. These semantic measure functions
rely on the proposed definition of semantic content of the knowledge base and
this information measure is reflective of the nodes' reasoning capabilities.
Simulation results validate the ability to communicate efficiently (with less
bits but same semantics) and significantly better compared to a conventional
system which does not exploit the reasoning capabilities. |
4,305 | A Deep Gradient Correction Method for Iteratively Solving Linear Systems | We present a novel deep learning approach to approximate the solution of
large, sparse, symmetric, positive-definite linear systems of equations. These
systems arise from many problems in applied science, e.g., in numerical methods
for partial differential equations. Algorithms for approximating the solution
to these systems are often the bottleneck in problems that require their
solution, particularly for modern applications that require many millions of
unknowns. Indeed, numerical linear algebra techniques have been investigated
for many decades to alleviate this computational burden. Recently, data-driven
techniques have also shown promise for these problems. Motivated by the
conjugate gradients algorithm that iteratively selects search directions for
minimizing the matrix norm of the approximation error, we design an approach
that utilizes a deep neural network to accelerate convergence via data-driven
improvement of the search directions. Our method leverages a carefully chosen
convolutional network to approximate the action of the inverse of the linear
operator up to an arbitrary constant. We train the network using unsupervised
learning with a loss function equal to the $L^2$ difference between an input
and the system matrix times the network evaluation, where the unspecified
constant in the approximate inverse is accounted for. We demonstrate the
efficacy of our approach on spatially discretized Poisson equations with
millions of degrees of freedom arising in computational fluid dynamics
applications. Unlike state-of-the-art learning approaches, our algorithm is
capable of reducing the linear system residual to a given tolerance in a small
number of iterations, independent of the problem size. Moreover, our method
generalizes effectively to various systems beyond those encountered during
training. |
4,306 | How sensitive are translation systems to extra contexts? Mitigating gender bias in Neural Machine Translation models through relevant contexts | Neural Machine Translation systems built on top of Transformer-based
architectures are routinely improving the state-of-the-art in translation
quality according to word-overlap metrics. However, a growing number of studies
also highlight the inherent gender bias that these models incorporate during
training, which reflects poorly in their translations. In this work, we
investigate whether these models can be instructed to fix their bias during
inference using targeted, guided instructions as contexts. By translating
relevant contextual sentences during inference along with the input, we observe
large improvements in reducing the gender bias in translations, across three
popular test suites (WinoMT, BUG, SimpleGen). We further propose a novel metric
to assess several large pretrained models (OPUS-MT, M2M-100) on their
sensitivity towards using contexts during translation to correct their biases.
Our approach requires no fine-tuning, and thus can be used easily in production
systems to de-bias translations from stereotypical gender-occupation bias. We
hope our method, along with our metric, can be used to build better, bias-free
translation systems. |
4,307 | CNNs are Myopic | We claim that Convolutional Neural Networks (CNNs) learn to classify images
using only small seemingly unrecognizable tiles. We show experimentally that
CNNs trained only using such tiles can match or even surpass the performance of
CNNs trained on full images. Conversely, CNNs trained on full images show
similar predictions on small tiles. We also propose the first a priori
theoretical model for convolutional data sets that seems to explain this
behavior. This gives additional support to the long standing suspicion that
CNNs do not need to understand the global structure of images to achieve
state-of-the-art accuracies. Surprisingly it also suggests that over-fitting is
not needed either. |
4,308 | Sequential/Session-based Recommendations: Challenges, Approaches, Applications and Opportunities | In recent years, sequential recommender systems (SRSs) and session-based
recommender systems (SBRSs) have emerged as a new paradigm of RSs to capture
users' short-term but dynamic preferences for enabling more timely and accurate
recommendations. Although SRSs and SBRSs have been extensively studied, there
are many inconsistencies in this area caused by the diverse descriptions,
settings, assumptions and application domains. There is no work to provide a
unified framework and problem statement to remove the commonly existing and
various inconsistencies in the area of SR/SBR. There is a lack of work to
provide a comprehensive and systematic demonstration of the data
characteristics, key challenges, most representative and state-of-the-art
approaches, typical real-world applications and important future research
directions in the area. This work aims to fill in these gaps so as to
facilitate further research in this exciting and vibrant area. |
4,309 | Residual Channel Attention Network for Brain Glioma Segmentation | A glioma is a malignant brain tumor that seriously affects cognitive
functions and lowers patients' life quality. Segmentation of brain glioma is
challenging because of interclass ambiguities in tumor regions. Recently, deep
learning approaches have achieved outstanding performance in the automatic
segmentation of brain glioma. However, existing algorithms fail to exploit
channel-wise feature interdependence to select semantic attributes for glioma
segmentation. In this study, we implement a novel deep neural network that
integrates residual channel attention modules to calibrate intermediate
features for glioma segmentation. The proposed channel attention mechanism
adaptively weights feature channel-wise to optimize the latent representation
of gliomas. We evaluate our method on the established dataset BraTS2017.
Experimental results indicate the superiority of our method. |
4,310 | Deep Feature Fusion via Graph Convolutional Network for Intracranial Artery Labeling | Intracranial arteries are critical blood vessels that supply the brain with
oxygenated blood. Intracranial artery labels provide valuable guidance and
navigation to numerous clinical applications and disease diagnoses. Various
machine learning algorithms have been carried out for automation in the
anatomical labeling of cerebral arteries. However, the task remains challenging
because of the high complexity and variations of intracranial arteries. This
study investigates a novel graph convolutional neural network with deep feature
fusion for cerebral artery labeling. We introduce stacked graph convolutions in
an encoder-core-decoder architecture, extracting high-level representations
from graph nodes and their neighbors. Furthermore, we efficiently aggregate
intermediate features from different hierarchies to enhance the proposed
model's representation capability and labeling performance. We perform
extensive experiments on public datasets, in which the results prove the
superiority of our approach over baselines by a clear margin. |
4,311 | Covariance Matrix Adaptation MAP-Annealing | Single-objective optimization algorithms search for the single
highest-quality solution with respect to an objective. In contrast, quality
diversity (QD) optimization algorithms, such as Covariance Matrix Adaptation
MAP-Elites (CMA-ME), search for a collection of solutions that are both
high-quality with respect to an objective and diverse with respect to specified
measure functions. We propose a new quality diversity algorithm, Covariance
Matrix Adaptation MAP-Annealing (CMA-MAE), which bridges the gap between
single-objective optimization and QD optimization. We prove that CMA-MAE
smoothly blends between the Covariance Matrix Adaptation Evolution Strategy
(CMA-ES) single-objective optimizer and CMA-ME by gradually annealing a
discount function with a scalar learning rate. We show that CMA-MAE has better
performance than the current state-of-the-art QD algorithms on several
benchmark domains and that its performance is empirically invariant to the
archive resolution and robust to the discount function learning rate. |
4,312 | Multi-Agent Feedback Enabled Neural Networks for Intelligent Communications | In the intelligent communication field, deep learning (DL) has attracted much
attention due to its strong fitting ability and data-driven learning
capability. Compared with the typical DL feedforward network structures, an
enhancement structure with direct data feedback have been studied and proved to
have better performance than the feedfoward networks. However, due to the above
simple feedback methods lack sufficient analysis and learning ability on the
feedback data, it is inadequate to deal with more complicated nonlinear systems
and therefore the performance is limited for further improvement. In this
paper, a novel multi-agent feedback enabled neural network (MAFENN) framework
is proposed, which make the framework have stronger feedback learning
capabilities and more intelligence on feature abstraction, denoising or
generation, etc. Furthermore, the MAFENN framework is theoretically formulated
into a three-player Feedback Stackelberg game, and the game is proved to
converge to the Feedback Stackelberg equilibrium. The design of MAFENN
framework and algorithm are dedicated to enhance the learning capability of the
feedfoward DL networks or their variations with the simple data feedback. To
verify the MAFENN framework's feasibility in wireless communications, a
multi-agent MAFENN based equalizer (MAFENN-E) is developed for wireless fading
channels with inter-symbol interference (ISI). Experimental results show that
when the quadrature phase-shift keying (QPSK) modulation scheme is adopted, the
SER performance of our proposed method outperforms that of the traditional
equalizers by about 2 dB in linear channels. When in nonlinear channels, the
SER performance of our proposed method outperforms that of either traditional
or DL based equalizers more significantly, which shows the effectiveness and
robustness of our proposal in the complex channel environment. |
4,313 | All Birds with One Stone: Multi-task Text Classification for Efficient Inference with One Forward Pass | Multi-Task Learning (MTL) models have shown their robustness, effectiveness,
and efficiency for transferring learned knowledge across tasks. In real
industrial applications such as web content classification, multiple
classification tasks are predicted from the same input text such as a web
article. However, at the serving time, the existing multitask transformer
models such as prompt or adaptor based approaches need to conduct N forward
passes for N tasks with O(N) computation cost. To tackle this problem, we
propose a scalable method that can achieve stronger performance with close to
O(1) computation cost via only one forward pass. To illustrate real application
usage, we release a multitask dataset on news topic and style classification.
Our experiments show that our proposed method outperforms strong baselines on
both the GLUE benchmark and our news dataset. Our code and dataset are publicly
available at https://bit.ly/mtop-code. |
4,314 | Do Deep Learning Models and News Headlines Outperform Conventional Prediction Techniques on Forex Data? | Foreign Exchange (FOREX) is a decentralised global market for exchanging
currencies. The Forex market is enormous, and it operates 24 hours a day. Along
with country-specific factors, Forex trading is influenced by cross-country
ties and a variety of global events. Recent pandemic scenarios such as COVID19
and local elections can also have a significant impact on market pricing. We
tested and compared various predictions with external elements such as news
items in this work. Additionally, we compared classical machine learning
methods to deep learning algorithms. We also added sentiment features from news
headlines using NLP-based word embeddings and compared the performance. Our
results indicate that simple regression model like linear, SGD, and Bagged
performed better than deep learning models such as LSTM and RNN for single-step
forecasting like the next two hours, the next day, and seven days.
Surprisingly, news articles failed to improve the predictions indicating
domain-based and relevant information only adds value. Among the text
vectorization techniques, Word2Vec and SentenceBERT perform better. |
4,315 | Offline Policy Comparison with Confidence: Benchmarks and Baselines | Decision makers often wish to use offline historical data to compare
sequential-action policies at various world states. Importantly, computational
tools should produce confidence values for such offline policy comparison (OPC)
to account for statistical variance and limited data coverage. Nevertheless,
there is little work that directly evaluates the quality of confidence values
for OPC. In this work, we address this issue by creating benchmarks for OPC
with Confidence (OPCC), derived by adding sets of policy comparison queries to
datasets from offline reinforcement learning. In addition, we present an
empirical evaluation of the risk versus coverage trade-off for a class of
model-based baselines. In particular, the baselines learn ensembles of dynamics
models, which are used in various ways to produce simulations for answering
queries with confidence values. While our results suggest advantages for
certain baseline variations, there appears to be significant room for
improvement in future work. |
4,316 | Should Models Be Accurate? | Model-based Reinforcement Learning (MBRL) holds promise for data-efficiency
by planning with model-generated experience in addition to learning with
experience from the environment. However, in complex or changing environments,
models in MBRL will inevitably be imperfect, and their detrimental effects on
learning can be difficult to mitigate. In this work, we question whether the
objective of these models should be the accurate simulation of environment
dynamics at all. We focus our investigations on Dyna-style planning in a
prediction setting. First, we highlight and support three motivating points: a
perfectly accurate model of environment dynamics is not practically achievable,
is not necessary, and is not always the most useful anyways. Second, we
introduce a meta-learning algorithm for training models with a focus on their
usefulness to the learner instead of their accuracy in modelling the
environment. Our experiments show that in a simple non-stationary environment,
our algorithm enables faster learning than even using an accurate model built
with domain-specific knowledge of the non-stationarity. |
4,317 | GraB: Finding Provably Better Data Permutations than Random Reshuffling | Random reshuffling, which randomly permutes the dataset each epoch, is widely
adopted in model training because it yields faster convergence than
with-replacement sampling. Recent studies indicate greedily chosen data
orderings can further speed up convergence empirically, at the cost of using
more computation and memory. However, greedy ordering lacks theoretical
justification and has limited utility due to its non-trivial memory and
computation overhead. In this paper, we first formulate an example-ordering
framework named herding and answer affirmatively that SGD with herding
converges at the rate $O(T^{-2/3})$ on smooth, non-convex objectives, faster
than the $O(n^{1/3}T^{-2/3})$ obtained by random reshuffling, where $n$ denotes
the number of data points and $T$ denotes the total number of iterations. To
reduce the memory overhead, we leverage discrepancy minimization theory to
propose an online Gradient Balancing algorithm (GraB) that enjoys the same rate
as herding, while reducing the memory usage from $O(nd)$ to just $O(d)$ and
computation from $O(n^2)$ to $O(n)$, where $d$ denotes the model dimension. We
show empirically on applications including MNIST, CIFAR10, WikiText and GLUE
that GraB can outperform random reshuffling in terms of both training and
validation performance, and even outperform state-of-the-art greedy ordering
while reducing memory usage over $100\times$. |
4,318 | Robust Flow-based Conformal Inference (FCI) with Statistical Guarantee | Conformal prediction aims to determine precise levels of confidence in
predictions for new objects using past experience. However, the commonly used
exchangeable assumptions between the training data and testing data limit its
usage in dealing with contaminated testing sets. In this paper, we develop a
series of conformal inference methods, including building predictive sets and
inferring outliers for complex and high-dimensional data. We leverage ideas
from adversarial flow to transfer the input data to a random vector with known
distributions, which enable us to construct a non-conformity score for
uncertainty quantification. We can further learn the distribution of input data
in each class directly through the learned transformation. Therefore, our
approach is applicable and more robust when the test data is contaminated. We
evaluate our method, robust flow-based conformal inference, on benchmark
datasets. We find that it produces effective prediction sets and accurate
outlier detection and is more powerful relative to competing approaches. |
4,319 | Near-Optimal Algorithms for Autonomous Exploration and Multi-Goal Stochastic Shortest Path | We revisit the incremental autonomous exploration problem proposed by Lim &
Auer (2012). In this setting, the agent aims to learn a set of near-optimal
goal-conditioned policies to reach the $L$-controllable states: states that are
incrementally reachable from an initial state $s_0$ within $L$ steps in
expectation. We introduce a new algorithm with stronger sample complexity
bounds than existing ones. Furthermore, we also prove the first lower bound for
the autonomous exploration problem. In particular, the lower bound implies that
our proposed algorithm, Value-Aware Autonomous Exploration, is nearly
minimax-optimal when the number of $L$-controllable states grows polynomially
with respect to $L$. Key in our algorithm design is a connection between
autonomous exploration and multi-goal stochastic shortest path, a new problem
that naturally generalizes the classical stochastic shortest path problem. This
new problem and its connection to autonomous exploration can be of independent
interest. |
4,320 | Neural Lyapunov Differentiable Predictive Control | We present a learning-based predictive control methodology using the
differentiable programming framework with probabilistic Lyapunov-based
stability guarantees. The neural Lyapunov differentiable predictive control
(NLDPC) learns the policy by constructing a computational graph encompassing
the system dynamics, state and input constraints, and the necessary Lyapunov
certification constraints, and thereafter using the automatic differentiation
to update the neural policy parameters. In conjunction, our approach jointly
learns a Lyapunov function that certifies the regions of state-space with
stable dynamics. We also provide a sampling-based statistical guarantee for the
training of NLDPC from the distribution of initial conditions. Our offline
training approach provides a computationally efficient and scalable alternative
to classical explicit model predictive control solutions. We substantiate the
advantages of the proposed approach with simulations to stabilize the double
integrator model and on an example of controlling an aircraft model. |
4,321 | TWEET-FID: An Annotated Dataset for Multiple Foodborne Illness Detection Tasks | Foodborne illness is a serious but preventable public health problem -- with
delays in detecting the associated outbreaks resulting in productivity loss,
expensive recalls, public safety hazards, and even loss of life. While social
media is a promising source for identifying unreported foodborne illnesses,
there is a dearth of labeled datasets for developing effective outbreak
detection models. To accelerate the development of machine learning-based
models for foodborne outbreak detection, we thus present TWEET-FID
(TWEET-Foodborne Illness Detection), the first publicly available annotated
dataset for multiple foodborne illness incident detection tasks. TWEET-FID
collected from Twitter is annotated with three facets: tweet class, entity
type, and slot type, with labels produced by experts as well as by crowdsource
workers. We introduce several domain tasks leveraging these three facets: text
relevance classification (TRC), entity mention detection (EMD), and slot
filling (SF). We describe the end-to-end methodology for dataset design,
creation, and labeling for supporting model development for these tasks. A
comprehensive set of results for these tasks leveraging state-of-the-art
single- and multi-task deep learning methods on the TWEET-FID dataset are
provided. This dataset opens opportunities for future research in foodborne
outbreak detection. |
4,322 | Policy-based Primal-Dual Methods for Convex Constrained Markov Decision Processes | We study convex Constrained Markov Decision Processes (CMDPs) in which the
objective is concave and the constraints are convex in the state-action
visitation distribution. We propose a policy-based primal-dual algorithm that
updates the primal variable via policy gradient ascent and updates the dual
variable via projected sub-gradient descent. Despite the loss of additivity
structure and the nonconvex nature, we establish the global convergence of the
proposed algorithm by leveraging a hidden convexity in the problem under the
general soft-max parameterization, and prove the
$\mathcal{O}\left(T^{-1/3}\right)$ convergence rate in terms of both optimality
gap and constraint violation. When the objective is strongly concave in the
visitation distribution, we prove an improved convergence rate of
$\mathcal{O}\left(T^{-1/2}\right)$. By introducing a pessimistic term to the
constraint, we further show that a zero constraint violation can be achieved
while preserving the same convergence rate for the optimality gap. This work is
the first one in the literature that establishes non-asymptotic convergence
guarantees for policy-based primal-dual methods for solving infinite-horizon
discounted convex CMDPs. |
4,323 | Active Source Free Domain Adaptation | Source free domain adaptation (SFDA) aims to transfer a trained source model
to the unlabeled target domain without accessing the source data. However, the
SFDA setting faces an effect bottleneck due to the absence of source data and
target supervised information, as evidenced by the limited performance gains of
newest SFDA methods. In this paper, for the first time, we introduce a more
practical scenario called active source free domain adaptation (ASFDA) that
permits actively selecting a few target data to be labeled by experts. To
achieve that, we first find that those satisfying the properties of
neighbor-chaotic, individual-different, and target-like are the best points to
select, and we define them as the minimum happy (MH) points. We then propose
minimum happy points learning (MHPL) to actively explore and exploit MH points.
We design three unique strategies: neighbor ambient uncertainty, neighbor
diversity relaxation, and one-shot querying, to explore the MH points. Further,
to fully exploit MH points in the learning process, we design a neighbor focal
loss that assigns the weighted neighbor purity to the cross-entropy loss of MH
points to make the model focus more on them. Extensive experiments verify that
MHPL remarkably exceeds the various types of baselines and achieves significant
performance gains at a small cost of labeling. |
4,324 | The Selectively Adaptive Lasso | Machine learning regression methods allow estimation of functions without
unrealistic parametric assumptions. Although they can perform exceptionally in
prediction error, most lack theoretical convergence rates necessary for
semi-parametric efficient estimation (e.g. TMLE, AIPW) of parameters like
average treatment effects. The Highly Adaptive Lasso (HAL) is the only
regression method proven to converge quickly enough for a meaningfully large
class of functions, independent of the dimensionality of the predictors.
Unfortunately, HAL is not computationally scalable. In this paper we build upon
the theory of HAL to construct the Selectively Adaptive Lasso (SAL), a new
algorithm which retains HAL's dimension-free, nonparametric convergence rate
but which also scales computationally to massive datasets. To accomplish this,
we prove some general theoretical results pertaining to empirical loss
minimization in nested Donsker classes. Our resulting algorithm is a form of
gradient tree boosting with an adaptive learning rate, which makes it fast and
trivial to implement with off-the-shelf software. Finally, we show that our
algorithm retains the performance of standard gradient boosting on a diverse
group of real-world datasets. SAL makes semi-parametric efficient estimators
practically possible and theoretically justifiable in many big data settings. |
4,325 | All You Need Is Logs: Improving Code Completion by Learning from Anonymous IDE Usage Logs | Integrated Development Environments (IDE) are designed to make users more
productive, as well as to make their work more comfortable. To achieve this, a
lot of diverse tools are embedded into IDEs, and the developers of IDEs can
employ anonymous usage logs to collect the data about how they are being used
to improve them. A particularly important component that this can be applied to
is code completion, since improving code completion using statistical learning
techniques is a well-established research area.
In this work, we propose an approach for collecting completion usage logs
from the users in an IDE and using them to train a machine learning based model
for ranking completion candidates. We developed a set of features that describe
completion candidates and their context, and deployed their anonymized
collection in the Early Access Program of IntelliJ-based IDEs. We used the logs
to collect a dataset of code completions from users, and employed it to train a
ranking CatBoost model. Then, we evaluated it in two settings: on a held-out
set of the collected completions and in a separate A/B test on two different
groups of users in the IDE. Our evaluation shows that using a simple ranking
model trained on the past user behavior logs significantly improved code
completion experience. Compared to the default heuristics-based ranking, our
model demonstrated a decrease in the number of typing actions necessary to
perform the completion in the IDE from 2.073 to 1.832.
The approach adheres to privacy requirements and legal constraints, since it
does not require collecting personal information, performing all the necessary
anonymization on the client's side. Importantly, it can be improved
continuously: implementing new features, collecting new data, and evaluating
new models - this way, we have been using it in production since the end of
2020. |
4,326 | Producing Histopathology Phantom Images using Generative Adversarial Networks to improve Tumor Detection | Advance in medical imaging is an important part in deep learning research.
One of the goals of computer vision is development of a holistic, comprehensive
model which can identify tumors from histology slides obtained via biopsies. A
major problem that stands in the way is lack of data for a few cancer-types. In
this paper, we ascertain that data augmentation using GANs can be a viable
solution to reduce the unevenness in the distribution of different cancer types
in our dataset. Our demonstration showed that a dataset augmented to a 50%
increase causes an increase in tumor detection from 80% to 87.5% |
4,327 | Diversity Preference-Aware Link Recommendation for Online Social Networks | Link recommendation, which recommends links to connect unlinked online social
network users, is a fundamental social network analytics problem with ample
business implications. Existing link recommendation methods tend to recommend
similar friends to a user but overlook the user's diversity preference,
although social psychology theories suggest the criticality of diversity
preference to link recommendation performance. In recommender systems, a field
related to link recommendation, a number of diversification methods have been
proposed to improve the diversity of recommended items. Nevertheless, diversity
preference is distinct from diversity studied by diversification methods. To
address these research gaps, we define and operationalize the concept of
diversity preference for link recommendation and propose a new link
recommendation problem: the diversity preference-aware link recommendation
problem. We then analyze key properties of the new link recommendation problem
and develop a novel link recommendation method to solve the problem. Using two
large-scale online social network data sets, we conduct extensive empirical
evaluations to demonstrate the superior performance of our method over
representative diversification methods adapted for link recommendation as well
as state-of-the-art link recommendation methods. |
4,328 | Scalable and Efficient Training of Large Convolutional Neural Networks with Differential Privacy | Large convolutional neural networks (CNN) can be difficult to train in the
differentially private (DP) regime, since the optimization algorithms require a
computationally expensive operation, known as the per-sample gradient clipping.
We propose an efficient and scalable implementation of this clipping on
convolutional layers, termed as the mixed ghost clipping, that significantly
eases the private training in terms of both time and space complexities,
without affecting the accuracy. The improvement in efficiency is rigorously
studied through the first complexity analysis for the mixed ghost clipping and
existing DP training algorithms.
Extensive experiments on vision classification tasks, with large ResNet, VGG,
and Vision Transformers, demonstrate that DP training with mixed ghost clipping
adds $1\sim 10\%$ memory overhead and $<2\times$ slowdown to the standard
non-private training. Specifically, when training VGG19 on CIFAR10, the mixed
ghost clipping is $3\times$ faster than state-of-the-art Opacus library with
$18\times$ larger maximum batch size. To emphasize the significance of
efficient DP training on convolutional layers, we achieve 96.7\% accuracy on
CIFAR10 and 83.0\% on CIFAR100 at $\epsilon=1$ using BEiT, while the previous
best results are 94.8\% and 67.4\%, respectively. We open-source a privacy
engine (\url{https://github.com/JialinMao/private_CNN}) that implements DP
training of CNN with a few lines of code. |
4,329 | A Novel Markov Model for Near-Term Railway Delay Prediction | Predicting the near-future delay with accuracy for trains is momentous for
railway operations and passengers' traveling experience. This work aims to
design prediction models for train delays based on Netherlands Railway data. We
first develop a chi-square test to show that the delay evolution over stations
follows a first-order Markov chain. We then propose a delay prediction model
based on non-homogeneous Markov chains. To deal with the sparsity of the
transition matrices of the Markov chains, we propose a novel matrix recovery
approach that relies on Gaussian kernel density estimation. Our numerical tests
show that this recovery approach outperforms other heuristic approaches in
prediction accuracy. The Markov chain model we propose also shows to be better
than other widely-used time series models with respect to both interpretability
and prediction accuracy. Moreover, our proposed model does not require a
complicated training process, which is capable of handling large-scale
forecasting problems. |
4,330 | On the problem of entity matching and its application in automated settlement of receivables | This paper covers automated settlement of receivables in non-governmental
organizations. We tackle the problem with entity matching techniques. We
consider setup, where base algorithm is used for preliminary ranking of
matches, then we apply several novel methods to increase matching quality of
base algorithm: score post processing, cascade model and chain model. The
methods presented here contribute to automated settlement of receivables,
entity matching and multilabel classification in open-world scenario. We
evaluate our approach on real world operational data which come from company
providing settlement of receivables as a service: proposed methods boost recall
from 78% (base model) to >90% at precision 99%. |
4,331 | NS3: Neuro-Symbolic Semantic Code Search | Semantic code search is the task of retrieving a code snippet given a textual
description of its functionality. Recent work has been focused on using
similarity metrics between neural embeddings of text and code. However, current
language models are known to struggle with longer, compositional text, and
multi-step reasoning. To overcome this limitation, we propose supplementing the
query sentence with a layout of its semantic structure. The semantic layout is
used to break down the final reasoning decision into a series of lower-level
decisions. We use a Neural Module Network architecture to implement this idea.
We compare our model - NS3 (Neuro-Symbolic Semantic Search) - to a number of
baselines, including state-of-the-art semantic code retrieval methods, and
evaluate on two datasets - CodeSearchNet and Code Search and Question
Answering. We demonstrate that our approach results in more precise code
retrieval, and we study the effectiveness of our modular design when handling
compositional queries. |
4,332 | Pessimism for Offline Linear Contextual Bandits using $\ell_p$ Confidence Sets | We present a family $\{\hat{\pi}\}_{p\ge 1}$ of pessimistic learning rules
for offline learning of linear contextual bandits, relying on confidence sets
with respect to different $\ell_p$ norms, where $\hat{\pi}_2$ corresponds to
Bellman-consistent pessimism (BCP), while $\hat{\pi}_\infty$ is a novel
generalization of lower confidence bound (LCB) to the linear setting. We show
that the novel $\hat{\pi}_\infty$ learning rule is, in a sense, adaptively
optimal, as it achieves the minimax performance (up to log factors) against all
$\ell_q$-constrained problems, and as such it strictly dominates all other
predictors in the family, including $\hat{\pi}_2$. |
4,333 | Online Coreference Resolution for Dialogue Processing: Improving Mention-Linking on Real-Time Conversations | This paper suggests a direction of coreference resolution for online decoding
on actively generated input such as dialogue, where the model accepts an
utterance and its past context, then finds mentions in the current utterance as
well as their referents, upon each dialogue turn. A baseline and four
incremental-updated models adapted from the mention-linking paradigm are
proposed for this new setting, which address different aspects including the
singletons, speaker-grounded encoding and cross-turn mention contextualization.
Our approach is assessed on three datasets: Friends, OntoNotes, and BOLT.
Results show that each aspect brings out steady improvement, and our best
models outperform the baseline by over 10%, presenting an effective system for
this setting. Further analysis highlights the task characteristics, such as the
significance of addressing the mention recall. |
4,334 | Individual Topology Structure of Eye Movement Trajectories | Traditionally, extracting patterns from eye movement data relies on
statistics of different macro-events such as fixations and saccades. This
requires an additional preprocessing step to separate the eye movement
subtypes, often with a number of parameters on which the classification results
depend. Besides that, definitions of such macro events are formulated in
different ways by different researchers.
We propose an application of a new class of features to the quantitative
analysis of personal eye movement trajectories structure. This new class of
features based on algebraic topology allows extracting patterns from different
modalities of gaze such as time series of coordinates and amplitudes, heatmaps,
and point clouds in a unified way at all scales from micro to macro. We
experimentally demonstrate the competitiveness of the new class of features
with the traditional ones and their significant synergy while being used
together for the person authentication task on the recently published eye
movement trajectories dataset. |
4,335 | MultiBiSage: A Web-Scale Recommendation System Using Multiple Bipartite Graphs at Pinterest | Graph Convolutional Networks (GCN) can efficiently integrate graph structure
and node features to learn high-quality node embeddings. These embeddings can
then be used for several tasks such as recommendation and search. At Pinterest,
we have developed and deployed PinSage, a data-efficient GCN that learns pin
embeddings from the Pin-Board graph. The Pin-Board graph contains pin and board
entities and the graph captures the pin belongs to a board interaction.
However, there exist several entities at Pinterest such as users, idea pins,
creators, and there exist heterogeneous interactions among these entities such
as add-to-cart, follow, long-click.
In this work, we show that training deep learning models on graphs that
captures these diverse interactions would result in learning higher-quality pin
embeddings than training PinSage on only the Pin-Board graph. To that end, we
model the diverse entities and their diverse interactions through multiple
bipartite graphs and propose a novel data-efficient MultiBiSage model.
MultiBiSage can capture the graph structure of multiple bipartite graphs to
learn high-quality pin embeddings. We take this pragmatic approach as it allows
us to utilize the existing infrastructure developed at Pinterest -- such as
Pixie system that can perform optimized random-walks on billion node graphs,
along with existing training and deployment workflows. We train MultiBiSage on
six bipartite graphs including our Pin-Board graph. Our offline metrics show
that MultiBiSage significantly outperforms the deployed latest version of
PinSage on multiple user engagement metrics. |
4,336 | Temporal Domain Generalization with Drift-Aware Dynamic Neural Network | Temporal domain generalization is a promising yet extremely challenging area
where the goal is to learn models under temporally changing data distributions
and generalize to unseen data distributions following the trends of the change.
The advancement of this area is challenged by: 1) characterizing data
distribution drift and its impacts on models, 2) expressiveness in tracking the
model dynamics, and 3) theoretical guarantee on the performance. To address
them, we propose a Temporal Domain Generalization with Drift-Aware Dynamic
Neural Network (DRAIN) framework. Specifically, we formulate the problem into a
Bayesian framework that jointly models the relation between data and model
dynamics. We then build a recurrent graph generation scenario to characterize
the dynamic graph-structured neural networks learned across different time
points. It captures the temporal drift of model parameters and data
distributions and can predict models in the future without the presence of
future data. In addition, we explore theoretical guarantees of the model
performance under the challenging temporal DG setting and provide theoretical
analysis, including uncertainty and generalization error. Finally, extensive
experiments on several real-world benchmarks with temporal drift demonstrate
the effectiveness and efficiency of the proposed method. |
4,337 | Equivariant Mesh Attention Networks | Equivariance to symmetries has proven to be a powerful inductive bias in deep
learning research. Recent works on mesh processing have concentrated on various
kinds of natural symmetries, including translations, rotations, scaling, node
permutations, and gauge transformations. To date, no existing architecture is
equivariant to all of these transformations. Moreover, previous implementations
have not always applied these symmetry transformations to the test dataset.
This inhibits the ability to determine whether the model attains the claimed
equivariance properties. In this paper, we present an attention-based
architecture for mesh data that is provably equivariant to all transformations
mentioned above. We carry out experiments on the FAUST and TOSCA datasets, and
apply the mentioned symmetries to the test set only. Our results confirm that
our proposed architecture is equivariant, and therefore robust, to these
local/global transformations. |
4,338 | Are Graph Neural Networks Really Helpful for Knowledge Graph Completion? | Knowledge graphs (KGs) facilitate a wide variety of applications due to their
ability to store relational knowledge applicable to many areas. Despite great
efforts invested in creation and maintenance, even the largest KGs are far from
complete. Hence, KG completion (KGC) has become one of the most crucial tasks
for KG research. Recently, considerable literature in this space has centered
around the use of Graph Neural Networks (GNNs) to learn powerful embeddings
which leverage topological structures in the KGs. Specifically, dedicated
efforts have been made to extend GNNs, which are commonly designed for simple
homogeneous and uni-relational graphs, to the KG context which has diverse and
multi-relational connections between entities, by designing more complex
aggregation schemes over neighboring nodes (crucial to GNN performance) to
appropriately leverage multi-relational information. The success of these
methods is naturally attributed to the use of GNNs over simpler multi-layer
perceptron (MLP) models, owing to their additional aggregation functionality.
In this work, we find that surprisingly, simple MLP models are able to achieve
comparable performance to GNNs, suggesting that aggregation may not be as
crucial as previously believed. With further exploration, we show careful
scoring function and loss function design has a much stronger influence on KGC
model performance, and aggregation is not practically required. This suggests a
conflation of scoring function design, loss function design, and aggregation in
prior work, with promising insights regarding the scalability of
state-of-the-art KGC methods today, as well as careful attention to more
suitable aggregation designs for KGC tasks tomorrow. |
4,339 | Tensor Shape Search for Optimum Data Compression | Various tensor decomposition methods have been proposed for data compression.
In real world applications of the tensor decomposition, selecting the tensor
shape for the given data poses a challenge and the shape of the tensor may
affect the error and the compression ratio. In this work, we study the effect
of the tensor shape on the tensor decomposition and propose an optimization
model to find an optimum shape for the tensor train (TT) decomposition. The
proposed optimization model maximizes the compression ratio of the TT
decomposition given an error bound. We implement a genetic algorithm (GA)
linked with the TT-SVD algorithm to solve the optimization model. We apply the
proposed method for the compression of RGB images. The results demonstrate the
effectiveness of the proposed evolutionary tensor shape search for the TT
decomposition. |
4,340 | Transformer-based out-of-distribution detection for clinically safe segmentation | In a clinical setting it is essential that deployed image processing systems
are robust to the full range of inputs they might encounter and, in particular,
do not make confidently wrong predictions. The most popular approach to safe
processing is to train networks that can provide a measure of their
uncertainty, but these tend to fail for inputs that are far outside the
training data distribution. Recently, generative modelling approaches have been
proposed as an alternative; these can quantify the likelihood of a data sample
explicitly, filtering out any out-of-distribution (OOD) samples before further
processing is performed. In this work, we focus on image segmentation and
evaluate several approaches to network uncertainty in the far-OOD and near-OOD
cases for the task of segmenting haemorrhages in head CTs. We find all of these
approaches are unsuitable for safe segmentation as they provide confidently
wrong predictions when operating OOD. We propose performing full 3D OOD
detection using a VQ-GAN to provide a compressed latent representation of the
image and a transformer to estimate the data likelihood. Our approach
successfully identifies images in both the far- and near-OOD cases. We find a
strong relationship between image likelihood and the quality of a model's
segmentation, making this approach viable for filtering images unsuitable for
segmentation. To our knowledge, this is the first time transformers have been
applied to perform OOD detection on 3D image data. |
4,341 | 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. |
4,342 | 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. |
4,343 | 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. |
4,344 | 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. |
4,345 | 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. |
4,346 | 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. |
4,347 | 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. |
4,348 | 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. |
4,349 | 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. |
4,350 | 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. |
4,351 | 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. |
4,352 | 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. |
4,353 | Principled Knowledge Extrapolation with GANs | Human can extrapolate well, generalize daily knowledge into unseen scenarios,
raise and answer counterfactual questions. To imitate this ability via
generative models, previous works have extensively studied explicitly encoding
Structural Causal Models (SCMs) into architectures of generator networks. This
methodology, however, limits the flexibility of the generator as they must be
carefully crafted to follow the causal graph, and demands a ground truth SCM
with strong ignorability assumption as prior, which is a nontrivial assumption
in many real scenarios. Thus, many current causal GAN methods fail to generate
high fidelity counterfactual results as they cannot easily leverage
state-of-the-art generative models. In this paper, we propose to study
counterfactual synthesis from a new perspective of knowledge extrapolation,
where a given knowledge dimension of the data distribution is extrapolated, but
the remaining knowledge is kept indistinguishable from the original
distribution. We show that an adversarial game with a closed-form discriminator
can be used to address the knowledge extrapolation problem, and a novel
principal knowledge descent method can efficiently estimate the extrapolated
distribution through the adversarial game. Our method enjoys both elegant
theoretical guarantees and superior performance in many scenarios. |
4,354 | 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. |
4,355 | 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 . |
4,356 | 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. |
4,357 | 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. |
4,358 | 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. |
4,359 | 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. |
4,360 | 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\%. |
4,361 | 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. |
4,362 | 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. |
4,363 | 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. |
4,364 | 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. |
4,365 | 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. |
4,366 | 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. |
4,367 | 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. |
4,368 | 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. |
4,369 | 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. |
4,370 | 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. |
4,371 | 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. |
4,372 | 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. |
4,373 | Action Recognition for American Sign Language | In this research, we present our findings to recognize American Sign Language
from series of hand gestures. While most researches in literature focus only on
static handshapes, our work target dynamic hand gestures. Since dynamic signs
dataset are very few, we collect an initial dataset of 150 videos for 10 signs
and an extension of 225 videos for 15 signs. We apply transfer learning models
in combination with deep neural networks and background subtraction for videos
in different temporal settings. Our primarily results show that we can get an
accuracy of $0.86$ and $0.71$ using DenseNet201, LSTM with video sequence of 12
frames accordingly. |
4,374 | 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. |
4,375 | 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. |
4,376 | 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. |
4,377 | 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. |
4,378 | Neur2SP: Neural Two-Stage Stochastic Programming | Stochastic programming is a powerful modeling framework for decision-making
under uncertainty. In this work, we tackle two-stage stochastic programs
(2SPs), the most widely applied and studied class of stochastic programming
models. Solving 2SPs exactly requires evaluation of an expected value function
that is computationally intractable. Additionally, having a mixed-integer
linear program (MIP) or a nonlinear program (NLP) in the second stage further
aggravates the problem difficulty. In such cases, solving them can be
prohibitively expensive even if specialized algorithms that exploit problem
structure are employed. Finding high-quality (first-stage) solutions -- without
leveraging problem structure -- can be crucial in such settings. We develop
Neur2SP, a new method that approximates the expected value function via a
neural network to obtain a surrogate model that can be solved more efficiently
than the traditional extensive formulation approach. Moreover, Neur2SP makes no
assumptions about the problem structure, in particular about the second-stage
problem, and can be implemented using an off-the-shelf solver and open-source
libraries. Our extensive computational experiments on benchmark 2SP datasets
from four problem classes with different structures (containing MIP and NLP
second-stage problems) show the efficiency (time) and efficacy (solution
quality) of Neur2SP. Specifically, the proposed method takes less than 1.66
seconds across all problems, achieving high-quality solutions even as the
number of scenarios increases, an ideal property that is difficult to have for
traditional 2SP solution techniques. Namely, the most generic baseline method
typically requires minutes to hours to find solutions of comparable quality. |
4,379 | Quantum Kerr Learning | Quantum machine learning is a rapidly evolving area that could facilitate
important applications for quantum computing and significantly impact data
science. In our work, we argue that a single Kerr mode might provide some extra
quantum enhancements when using quantum kernel methods based on various reasons
from complexity theory and physics. Furthermore, we establish an experimental
protocol, which we call \emph{quantum Kerr learning} based on circuit QED. A
detailed study using the kernel method, neural tangent kernel theory,
first-order perturbation theory of the Kerr non-linearity, and non-perturbative
numerical simulations, shows quantum enhancements could happen in terms of the
convergence time and the generalization error, while explicit protocols are
also constructed for higher-dimensional input data. |
4,380 | 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. |
4,381 | 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. |
4,382 | 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. |
4,383 | QADAM: Quantization-Aware DNN Accelerator Modeling for Pareto-Optimality | As the machine learning and systems communities strive to achieve higher
energy-efficiency through custom deep neural network (DNN) accelerators, varied
bit precision or quantization levels, there is a need for design space
exploration frameworks that incorporate quantization-aware processing elements
(PE) into the accelerator design space while having accurate and fast power,
performance, and area models. In this work, we present QADAM, a highly
parameterized quantization-aware power, performance, and area modeling
framework for DNN accelerators. Our framework can facilitate future research on
design space exploration and Pareto-efficiency of DNN accelerators for various
design choices such as bit precision, PE type, scratchpad sizes of PEs, global
buffer size, number of total PEs, and DNN configurations. Our results show that
different bit precisions and PE types lead to significant differences in terms
of performance per area and energy. Specifically, our framework identifies a
wide range of design points where performance per area and energy varies more
than 5x and 35x, respectively. We also show that the proposed lightweight
processing elements (LightPEs) consistently achieve Pareto-optimal results in
terms of accuracy and hardware-efficiency. With the proposed framework, we show
that LightPEs achieve on par accuracy results and up to 5.7x more performance
per area and energy improvement when compared to the best INT16 based design. |
4,384 | 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. |
4,385 | 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. |
4,386 | 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. |
4,387 | 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. |
4,388 | 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. |
4,389 | 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. |
4,390 | 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. |
4,391 | 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. |
4,392 | 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. |
4,393 | 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. |
4,394 | 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. |
4,395 | 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. |
4,396 | 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. |
4,397 | 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. |
4,398 | 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. |
4,399 | 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. |