title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Subgroup discovery of Parkinson's Disease by utilizing a multi-modal smart device system | In recent years, sensors from smart consumer devices have shown great
diagnostic potential in movement disorders. In this context, data modalities
such as electronic questionnaires, hand movement and voice captures have
successfully captured biomarkers and allowed discrimination between Parkinson's
disease (PD) and healthy controls (HC) or differential diagnosis (DD). However,
to the best of our knowledge, a comprehensive evaluation of assessments with a
multi-modal smart device system has still been lacking. In a prospective study
exploring PD, we used smartwatches and smartphones to collect multi-modal data
from 504 participants, including PD patients, DD and HC. This study aims to
assess the effect of multi-modal vs. single-modal data on PD vs. HC and PD vs.
DD classification, as well as on PD group clustering for subgroup
identification. We were able to show that by combining various modalities,
classification accuracy improved and further PD clusters were discovered. |
Communicative Subgraph Representation Learning for Multi-Relational Inductive Drug-Gene Interaction Prediction | Illuminating the interconnections between drugs and genes is an important
topic in drug development and precision medicine. Currently, computational
predictions of drug-gene interactions mainly focus on the binding interactions
without considering other relation types like agonist, antagonist, etc. In
addition, existing methods either heavily rely on high-quality domain features
or are intrinsically transductive, which limits the capacity of models to
generalize to drugs/genes that lack external information or are unseen during
the training process. To address these problems, we propose a novel
Communicative Subgraph representation learning for Multi-relational Inductive
drug-Gene interactions prediction (CoSMIG), where the predictions of drug-gene
relations are made through subgraph patterns, and thus are naturally inductive
for unseen drugs/genes without retraining or utilizing external domain
features. Moreover, the model strengthened the relations on the drug-gene graph
through a communicative message passing mechanism. To evaluate our method, we
compiled two new benchmark datasets from DrugBank and DGIdb. The comprehensive
experiments on the two datasets showed that our method outperformed
state-of-the-art baselines in the transductive scenarios and achieved superior
performance in the inductive ones. Further experimental analysis including
LINCS experimental validation and literature verification also demonstrated the
value of our model. |
Near out-of-distribution detection for low-resolution radar micro-Doppler signatures | Near out-of-distribution detection (OOD) aims at discriminating semantically
similar data points without the supervision required for classification. This
paper puts forward an OOD use case for radar targets detection extensible to
other kinds of sensors and detection scenarios. We emphasize the relevance of
OOD and its specific supervision requirements for the detection of a
multimodal, diverse targets class among other similar radar targets and clutter
in real-life critical systems. We propose a comparison of deep and non-deep OOD
methods on simulated low-resolution pulse radar micro-Doppler signatures,
considering both a spectral and a covariance matrix input representation. The
covariance representation aims at estimating whether dedicated second-order
processing is appropriate to discriminate signatures. The potential
contributions of labeled anomalies in training, self-supervised learning,
contrastive learning insights and innovative training losses are discussed, and
the impact of training set contamination caused by mislabelling is
investigated. |
Exploiting Inductive Bias in Transformers for Unsupervised Disentanglement of Syntax and Semantics with VAEs | We propose a generative model for text generation, which exhibits
disentangled latent representations of syntax and semantics. Contrary to
previous work, this model does not need syntactic information such as
constituency parses, or semantic information such as paraphrase pairs. Our
model relies solely on the inductive bias found in attention-based
architectures such as Transformers.
In the attention of Transformers, keys handle information selection while
values specify what information is conveyed. Our model, dubbed QKVAE, uses
Attention in its decoder to read latent variables where one latent variable
infers keys while another infers values. We run experiments on latent
representations and experiments on syntax/semantics transfer which show that
QKVAE displays clear signs of disentangled syntax and semantics. We also show
that our model displays competitive syntax transfer capabilities when compared
to supervised models and that comparable supervised models need a fairly large
amount of data (more than 50K samples) to outperform it on both syntactic and
semantic transfer. The code for our experiments is publicly available. |
Minimal Neural Network Models for Permutation Invariant Agents | Organisms in nature have evolved to exhibit flexibility in face of changes to
the environment and/or to themselves. Artificial neural networks (ANNs) have
proven useful for controlling of artificial agents acting in environments.
However, most ANN models used for reinforcement learning-type tasks have a
rigid structure that does not allow for varying input sizes. Further, they fail
catastrophically if inputs are presented in an ordering unseen during
optimization. We find that these two ANN inflexibilities can be mitigated and
their solutions are simple and highly related. For permutation invariance, no
optimized parameters can be tied to a specific index of the input elements. For
size invariance, inputs must be projected onto a common space that does not
grow with the number of projections. Based on these restrictions, we construct
a conceptually simple model that exhibit flexibility most ANNs lack. We
demonstrate the model's properties on multiple control problems, and show that
it can cope with even very rapid permutations of input indices, as well as
changes in input size. Ablation studies show that is possible to achieve these
properties with simple feedforward structures, but that it is much easier to
optimize recurrent structures. |
Ensemble Clustering via Co-association Matrix Self-enhancement | Ensemble clustering integrates a set of base clustering results to generate a
stronger one. Existing methods usually rely on a co-association (CA) matrix
that measures how many times two samples are grouped into the same cluster
according to the base clusterings to achieve ensemble clustering. However, when
the constructed CA matrix is of low quality, the performance will degrade. In
this paper, we propose a simple yet effective CA matrix self-enhancement
framework that can improve the CA matrix to achieve better clustering
performance. Specifically, we first extract the high-confidence (HC)
information from the base clusterings to form a sparse HC matrix. By
propagating the highly-reliable information of the HC matrix to the CA matrix
and complementing the HC matrix according to the CA matrix simultaneously, the
proposed method generates an enhanced CA matrix for better clustering.
Technically, the proposed model is formulated as a symmetric constrained convex
optimization problem, which is efficiently solved by an alternating iterative
algorithm with convergence and global optimum theoretically guaranteed.
Extensive experimental comparisons with twelve state-of-the-art methods on
eight benchmark datasets substantiate the effectiveness, flexibility and
efficiency of the proposed model in ensemble clustering. The codes and datasets
can be downloaded at https://github.com/Siritao/EC-CMS. |
Feature and Instance Joint Selection: A Reinforcement Learning Perspective | Feature selection and instance selection are two important techniques of data
processing. However, such selections have mostly been studied separately, while
existing work towards the joint selection conducts feature/instance selection
coarsely; thus neglecting the latent fine-grained interaction between feature
space and instance space. To address this challenge, we propose a reinforcement
learning solution to accomplish the joint selection task and simultaneously
capture the interaction between the selection of each feature and each
instance. In particular, a sequential-scanning mechanism is designed as action
strategy of agents, and a collaborative-changing environment is used to enhance
agent collaboration. In addition, an interactive paradigm introduces prior
selection knowledge to help agents for more efficient exploration. Finally,
extensive experiments on real-world datasets have demonstrated improved
performances. |
Virtual twins of nonlinear vibrating multiphysics microstructures: physics-based versus deep learning-based approaches | Micro-Electro-Mechanical-Systems are complex structures, often involving
nonlinearites of geometric and multiphysics nature, that are used as sensors
and actuators in countless applications. Starting from full-order
representations, we apply deep learning techniques to generate accurate,
efficient and real-time reduced order models to be used as virtual twin for the
simulation and optimization of higher-level complex systems. We extensively
test the reliability of the proposed procedures on micromirrors, arches and
gyroscopes, also displaying intricate dynamical evolutions like internal
resonances. In particular, we discuss the accuracy of the deep learning
technique and its ability to replicate and converge to the invariant manifolds
predicted using the recently developed direct parametrization approach that
allows extracting the nonlinear normal modes of large finite element models.
Finally, by addressing an electromechanical gyroscope, we show that the
non-intrusive deep learning approach generalizes easily to complex multiphysics
problems |
Comments on: "Hybrid Semiparametric Bayesian Networks" | Invited discussion on the paper "Hybrid Semiparametric Bayesian Networks" by
David Atienza, Pedro Larranaga and Concha Bielza (TEST, 2022). |
Machine Learning Workflow to Explain Black-box Models for Early Alzheimer's Disease Classification Evaluated for Multiple Datasets | Purpose: Hard-to-interpret Black-box Machine Learning (ML) were often used
for early Alzheimer's Disease (AD) detection.
Methods: To interpret eXtreme Gradient Boosting (XGBoost), Random Forest
(RF), and Support Vector Machine (SVM) black-box models a workflow based on
Shapley values was developed. All models were trained on the Alzheimer's
Disease Neuroimaging Initiative (ADNI) dataset and evaluated for an independent
ADNI test set, as well as the external Australian Imaging and Lifestyle
flagship study of Ageing (AIBL), and Open Access Series of Imaging Studies
(OASIS) datasets. Shapley values were compared to intuitively interpretable
Decision Trees (DTs), and Logistic Regression (LR), as well as natural and
permutation feature importances. To avoid the reduction of the explanation
validity caused by correlated features, forward selection and aspect
consolidation were implemented.
Results: Some black-box models outperformed DTs and LR. The forward-selected
features correspond to brain areas previously associated with AD. Shapley
values identified biologically plausible associations with moderate to strong
correlations with feature importances. The most important RF features to
predict AD conversion were the volume of the amygdalae, and a cognitive test
score. Good cognitive test performances and large brain volumes decreased the
AD risk. The models trained using cognitive test scores significantly
outperformed brain volumetric models ($p<0.05$). Cognitive Normal (CN) vs. AD
models were successfully transferred to external datasets.
Conclusion: In comparison to previous work, improved performances for ADNI
and AIBL were achieved for CN vs. Mild Cognitive Impairment (MCI)
classification using brain volumes. The Shapley values and the feature
importances showed moderate to strong correlations. |
NER-MQMRC: Formulating Named Entity Recognition as Multi Question Machine Reading Comprehension | NER has been traditionally formulated as a sequence labeling task. However,
there has been recent trend in posing NER as a machine reading comprehension
task (Wang et al., 2020; Mengge et al., 2020), where entity name (or other
information) is considered as a question, text as the context and entity value
in text as answer snippet. These works consider MRC based on a single question
(entity) at a time. We propose posing NER as a multi-question MRC task, where
multiple questions (one question per entity) are considered at the same time
for a single text. We propose a novel BERT-based multi-question MRC (NER-MQMRC)
architecture for this formulation. NER-MQMRC architecture considers all
entities as input to BERT for learning token embeddings with self-attention and
leverages BERT-based entity representation for further improving these token
embeddings for NER task. Evaluation on three NER datasets show that our
proposed architecture leads to average 2.5 times faster training and 2.3 times
faster inference as compared to NER-SQMRC framework based models by considering
all entities together in a single pass. Further, we show that our model
performance does not degrade compared to single-question based MRC (NER-SQMRC)
(Devlin et al., 2019) leading to F1 gain of +0.41%, +0.32% and +0.27% for
AE-Pub, Ecommerce5PT and Twitter datasets respectively. We propose this
architecture primarily to solve large scale e-commerce attribute (or entity)
extraction from unstructured text of a magnitude of 50k+ attributes to be
extracted on a scalable production environment with high performance and
optimised training and inference runtimes. |
Pseudo-Label Guided Multi-Contrast Generalization for Non-Contrast Organ-Aware Segmentation | Non-contrast computed tomography (NCCT) is commonly acquired for lung cancer
screening, assessment of general abdominal pain or suspected renal stones,
trauma evaluation, and many other indications. However, the absence of contrast
limits distinguishing organ in-between boundaries. In this paper, we propose a
novel unsupervised approach that leverages pairwise contrast-enhanced CT (CECT)
context to compute non-contrast segmentation without ground-truth label. Unlike
generative adversarial approaches, we compute the pairwise morphological
context with CECT to provide teacher guidance instead of generating fake
anatomical context. Additionally, we further augment the intensity correlations
in 'organ-specific' settings and increase the sensitivity to organ-aware
boundary. We validate our approach on multi-organ segmentation with paired
non-contrast & contrast-enhanced CT scans using five-fold cross-validation.
Full external validations are performed on an independent non-contrast cohort
for aorta segmentation. Compared with current abdominal organs segmentation
state-of-the-art in fully supervised setting, our proposed pipeline achieves a
significantly higher Dice by 3.98% (internal multi-organ annotated), and 8.00%
(external aorta annotated) for abdominal organs segmentation. The code and
pretrained models are publicly available at
https://github.com/MASILab/ContrastMix. |
E-Mail Assistant -- Automation of E-Mail Handling and Management using Robotic Process Automation | In this paper, a workflow for designing a bot using Robotic Process
Automation (RPA), associated with Artificial Intelligence (AI) that is used for
information extraction, classification, etc., is proposed. The bot is equipped
with many features that make email handling a stress-free job. It automatically
login into the mailbox through secured channels, distinguishes between the
useful and not useful emails, classifies the emails into different labels,
downloads the attached files, creates different directories, and stores the
downloaded files into relevant directories. It moves the not useful emails into
the trash. Further, the bot can also be trained to rename the attached files
with the names of the sender/applicant in case of a job application for the
sake of convenience. The bot is designed and tested using the UiPath tool to
improve the performance of the system. The paper also discusses the further
possible functionalities that can be added on to the bot. |
Training Uncertainty-Aware Classifiers with Conformalized Deep Learning | Deep neural networks are powerful tools to detect hidden patterns in data and
leverage them to make predictions, but they are not designed to understand
uncertainty and estimate reliable probabilities. In particular, they tend to be
overconfident. We address this problem by developing a novel training algorithm
that can lead to more dependable uncertainty estimates, without sacrificing
predictive power. The idea is to mitigate overconfidence by minimizing a loss
function, inspired by advances in conformal inference, that quantifies model
uncertainty by carefully leveraging hold-out data. Experiments with synthetic
and real data demonstrate this method leads to smaller conformal prediction
sets with higher conditional coverage, after exact calibration with hold-out
data, compared to state-of-the-art alternatives. |
Distinction Maximization Loss: Efficiently Improving Classification Accuracy, Uncertainty Estimation, and Out-of-Distribution Detection Simply Replacing the Loss and Calibrating | Building robust deterministic neural networks remains a challenge. On the one
hand, some approaches improve out-of-distribution detection at the cost of
reducing classification accuracy in some situations. On the other hand, some
methods simultaneously increase classification accuracy, uncertainty
estimation, and out-of-distribution detection at the expense of reducing the
inference efficiency and requiring training the same model many times to tune
hyperparameters. In this paper, we propose training deterministic neural
networks using our DisMax loss, which works as a drop-in replacement for the
usual SoftMax loss (i.e., the combination of the linear output layer, the
SoftMax activation, and the cross-entropy loss). Starting from the IsoMax+
loss, we create each logit based on the distances to all prototypes rather than
just the one associated with the correct class. We also introduce a mechanism
to combine images to construct what we call fractional probability
regularization. Moreover, we present a fast way to calibrate the network after
training. Finally, we propose a composite score to perform out-of-distribution
detection. Our experiments show that DisMax usually outperforms current
approaches simultaneously in classification accuracy, uncertainty estimation,
and out-of-distribution detection while maintaining deterministic neural
network inference efficiency and avoiding training the same model repetitively
for hyperparameter tuning. The code to reproduce the results is available at
https://github.com/dlmacedo/distinction-maximization-loss. |
Towards Robust Unsupervised Disentanglement of Sequential Data -- A Case Study Using Music Audio | Disentangled sequential autoencoders (DSAEs) represent a class of
probabilistic graphical models that describes an observed sequence with dynamic
latent variables and a static latent variable. The former encode information at
a frame rate identical to the observation, while the latter globally governs
the entire sequence. This introduces an inductive bias and facilitates
unsupervised disentanglement of the underlying local and global factors. In
this paper, we show that the vanilla DSAE suffers from being sensitive to the
choice of model architecture and capacity of the dynamic latent variables, and
is prone to collapse the static latent variable. As a countermeasure, we
propose TS-DSAE, a two-stage training framework that first learns
sequence-level prior distributions, which are subsequently employed to
regularise the model and facilitate auxiliary objectives to promote
disentanglement. The proposed framework is fully unsupervised and robust
against the global factor collapse problem across a wide range of model
configurations. It also avoids typical solutions such as adversarial training
which usually involves laborious parameter tuning, and domain-specific data
augmentation. We conduct quantitative and qualitative evaluations to
demonstrate its robustness in terms of disentanglement on both artificial and
real-world music audio datasets. |
Feedback Gradient Descent: Efficient and Stable Optimization with Orthogonality for DNNs | The optimization with orthogonality has been shown useful in training deep
neural networks (DNNs). To impose orthogonality on DNNs, both computational
efficiency and stability are important. However, existing methods utilizing
Riemannian optimization or hard constraints can only ensure stability while
those using soft constraints can only improve efficiency. In this paper, we
propose a novel method, named Feedback Gradient Descent (FGD), to our
knowledge, the first work showing high efficiency and stability simultaneously.
FGD induces orthogonality based on the simple yet indispensable Euler
discretization of a continuous-time dynamical system on the tangent bundle of
the Stiefel manifold. In particular, inspired by a numerical integration method
on manifolds called Feedback Integrators, we propose to instantiate it on the
tangent bundle of the Stiefel manifold for the first time. In the extensive
image classification experiments, FGD comprehensively outperforms the existing
state-of-the-art methods in terms of accuracy, efficiency, and stability. |
Over-the-Air Federated Learning with Joint Adaptive Computation and Power Control | This paper considers over-the-air federated learning (OTA-FL). OTA-FL
exploits the superposition property of the wireless medium, and performs model
aggregation over the air for free. Thus, it can greatly reduce the
communication cost incurred in communicating model updates from the edge
devices. In order to fully utilize this advantage while providing comparable
learning performance to conventional federated learning that presumes model
aggregation via noiseless channels, we consider the joint design of
transmission scaling and the number of local iterations at each round, given
the power constraint at each edge device. We first characterize the training
error due to such channel noise in OTA-FL by establishing a fundamental lower
bound for general functions with Lipschitz-continuous gradients. Then, by
introducing an adaptive transceiver power scaling scheme, we propose an
over-the-air federated learning algorithm with joint adaptive computation and
power control (ACPC-OTA-FL). We provide the convergence analysis for
ACPC-OTA-FL in training with non-convex objective functions and heterogeneous
data. We show that the convergence rate of ACPC-OTA-FL matches that of FL with
noise-free communications. |
A Survey of Risk-Aware Multi-Armed Bandits | In several applications such as clinical trials and financial portfolio
optimization, the expected value (or the average reward) does not
satisfactorily capture the merits of a drug or a portfolio. In such
applications, risk plays a crucial role, and a risk-aware performance measure
is preferable, so as to capture losses in the case of adverse events. This
survey aims to consolidate and summarise the existing research on risk
measures, specifically in the context of multi-armed bandits. We review various
risk measures of interest, and comment on their properties. Next, we review
existing concentration inequalities for various risk measures. Then, we proceed
to defining risk-aware bandit problems, We consider algorithms for the regret
minimization setting, where the exploration-exploitation trade-off manifests,
as well as the best-arm identification setting, which is a pure exploration
problem -- both in the context of risk-sensitive measures. We conclude by
commenting on persisting challenges and fertile areas for future research. |
Leveraging Uncertainty for Deep Interpretable Classification and Weakly-Supervised Segmentation of Histology Images | Trained using only image class label, deep weakly supervised methods allow
image classification and ROI segmentation for interpretability. Despite their
success on natural images, they face several challenges over histology data
where ROI are visually similar to background making models vulnerable to high
pixel-wise false positives. These methods lack mechanisms for modeling
explicitly non-discriminative regions which raises false-positive rates. We
propose novel regularization terms, which enable the model to seek both
non-discriminative and discriminative regions, while discouraging unbalanced
segmentations and using only image class label. Our method is composed of two
networks: a localizer that yields segmentation mask, followed by a classifier.
The training loss pushes the localizer to build a segmentation mask that holds
most discrimiantive regions while simultaneously modeling background regions.
Comprehensive experiments over two histology datasets showed the merits of our
method in reducing false positives and accurately segmenting ROI. |
Orthogonal Gromov-Wasserstein Discrepancy with Efficient Lower Bound | Comparing structured data from possibly different metric-measure spaces is a
fundamental task in machine learning, with applications in, e.g., graph
classification. The Gromov-Wasserstein (GW) discrepancy formulates a coupling
between the structured data based on optimal transportation, tackling the
incomparability between different structures by aligning the intra-relational
geometries. Although efficient local solvers such as conditional gradient and
Sinkhorn are available, the inherent non-convexity still prevents a tractable
evaluation, and the existing lower bounds are not tight enough for practical
use. To address this issue, we take inspiration from the connection with the
quadratic assignment problem, and propose the orthogonal Gromov-Wasserstein
(OGW) discrepancy as a surrogate of GW. It admits an efficient and closed-form
lower bound with the complexity of $\mathcal{O}(n^3)$, and directly extends to
the fused Gromov-Wasserstein (FGW) distance, incorporating node features into
the coupling. Extensive experiments on both the synthetic and real-world
datasets show the tightness of our lower bounds, and both OGW and its lower
bounds efficiently deliver accurate predictions and satisfactory barycenters
for graph sets. |
Cross-domain Few-shot Meta-learning Using Stacking | Cross-domain few-shot meta-learning (CDFSML) addresses learning problems
where knowledge needs to be transferred from several source domains into an
instance-scarce target domain with an explicitly different input distribution.
Recently published CDFSML methods generally construct a "universal model" that
combines knowledge of multiple source domains into one backbone feature
extractor. This enables efficient inference but necessitates re-computation of
the backbone whenever a new source domain is added. Moreover, state-of-the-art
methods derive their universal model from a collection of backbones -- normally
one for each source domain -- and the backbones may be constrained to have the
same architecture as the universal model. We propose a CDFSML method that is
inspired by the classic stacking approach to meta learning. It imposes no
constraints on the backbones' architecture or feature shape and does not incur
the computational overhead of (re-)computing a universal model. Given a
target-domain task, it fine-tunes each backbone independently, uses
cross-validation to extract meta training data from the task's instance-scarce
support set, and learns a simple linear meta classifier from this data. We
evaluate our stacking approach on the well-known Meta-Dataset benchmark,
targeting image classification with convolutional neural networks, and show
that it often yields substantially higher accuracy than competing methods. |
Privacy-Preserving Distributed Machine Learning Made Faster | With the development of machine learning, it is difficult for a single server
to process all the data. So machine learning tasks need to be spread across
multiple servers, turning the centralized machine learning into a distributed
one. However, privacy remains an unsolved problem in distributed machine
learning. Multi-key homomorphic encryption is one of the suitable candidates to
solve the problem. However, the most recent result of the Multi-key homomorphic
encryption scheme (MKTFHE) only supports the NAND gate. Although it is Turing
complete, it requires efficient encapsulation of the NAND gate to further
support mathematical calculation. This paper designs and implements a series of
operations on positive and negative integers accurately. First, we design basic
bootstrapped gates with the same efficiency as that of the NAND gate. Second,
we construct practical $k$-bit complement mathematical operators based on our
basic binary bootstrapped gates. The constructed created can perform addition,
subtraction, multiplication, and division on both positive and negative
integers. Finally, we demonstrated the generality of the designed operators by
achieving a distributed privacy-preserving machine learning algorithm, i.e.
linear regression with two different solutions. Experiments show that the
operators we designed are practical and efficient. |
Representation Learning for Context-Dependent Decision-Making | Humans are capable of adjusting to changing environments flexibly and
quickly. Empirical evidence has revealed that representation learning plays a
crucial role in endowing humans with such a capability. Inspired by this
observation, we study representation learning in the sequential decision-making
scenario with contextual changes. We propose an online algorithm that is able
to learn and transfer context-dependent representations and show that it
significantly outperforms the existing ones that do not learn representations
adaptively. As a case study, we apply our algorithm to the Wisconsin Card
Sorting Task, a well-established test for the mental flexibility of humans in
sequential decision-making. By comparing our algorithm with the standard
Q-learning and Deep-Q learning algorithms, we demonstrate the benefits of
adaptive representation learning. |
Open Vocabulary Extreme Classification Using Generative Models | The extreme multi-label classification (XMC) task aims at tagging content
with a subset of labels from an extremely large label set. The label vocabulary
is typically defined in advance by domain experts and assumed to capture all
necessary tags. However in real world scenarios this label set, although large,
is often incomplete and experts frequently need to refine it. To develop
systems that simplify this process, we introduce the task of open vocabulary
XMC (OXMC): given a piece of content, predict a set of labels, some of which
may be outside of the known tag set. Hence, in addition to not having training
data for some labels - as is the case in zero-shot classification - models need
to invent some labels on-the-fly. We propose GROOV, a fine-tuned seq2seq model
for OXMC that generates the set of labels as a flat sequence and is trained
using a novel loss independent of predicted label order. We show the efficacy
of the approach, experimenting with popular XMC datasets for which GROOV is
able to predict meaningful labels outside the given vocabulary while performing
on par with state-of-the-art solutions for known labels. |
Performing Video Frame Prediction of Microbial Growth with a Recurrent Neural Network | A Recurrent Neural Network (RNN) was used to perform video frame prediction
of microbial growth for a population of two mutants of Pseudomonas aeruginosa.
The RNN was trained on videos of 20 frames that were acquired using
fluorescence microscopy and microfluidics. The network predicted the last 10
frames of each video, and the accuracy's of the predictions was assessed by
comparing raw images, population curves, and the number and size of individual
colonies. Overall, we found the predictions to be accurate using this approach.
The implications this result has on designing autonomous experiments in
microbiology, and the steps that can be taken to make the predictions even more
accurate, are discussed. |
Deep Learning of Chaotic Systems from Partially-Observed Data | Recently, a general data driven numerical framework has been developed for
learning and modeling of unknown dynamical systems using fully- or
partially-observed data. The method utilizes deep neural networks (DNNs) to
construct a model for the flow map of the unknown system. Once an accurate DNN
approximation of the flow map is constructed, it can be recursively executed to
serve as an effective predictive model of the unknown system. In this paper, we
apply this framework to chaotic systems, in particular the well-known Lorenz 63
and 96 systems, and critically examine the predictive performance of the
approach. A distinct feature of chaotic systems is that even the smallest
perturbations will lead to large (albeit bounded) deviations in the solution
trajectories. This makes long-term predictions of the method, or any data
driven methods, questionable, as the local model accuracy will eventually
degrade and lead to large pointwise errors. Here we employ several other
qualitative and quantitative measures to determine whether the chaotic dynamics
have been learned. These include phase plots, histograms, autocorrelation,
correlation dimension, approximate entropy, and Lyapunov exponent. Using these
measures, we demonstrate that the flow map based DNN learning method is capable
of accurately modeling chaotic systems, even when only a subset of the state
variables are available to the DNNs. For example, for the Lorenz 96 system with
40 state variables, when data of only 3 variables are available, the method is
able to learn an effective DNN model for the 3 variables and produce accurately
the chaotic behavior of the system. |
Dimension-adaptive machine-learning-based quantum state reconstruction | We introduce an approach for performing quantum state reconstruction on
systems of $n$ qubits using a machine-learning-based reconstruction system
trained exclusively on $m$ qubits, where $m\geq n$. This approach removes the
necessity of exactly matching the dimensionality of a system under
consideration with the dimension of a model used for training. We demonstrate
our technique by performing quantum state reconstruction on randomly sampled
systems of one, two, and three qubits using machine-learning-based methods
trained exclusively on systems containing at least one additional qubit. The
reconstruction time required for machine-learning-based methods scales
significantly more favorably than the training time; hence this technique can
offer an overall savings of resources by leveraging a single neural network for
dimension-variable state reconstruction, obviating the need to train dedicated
machine-learning systems for each Hilbert space. |
Stochastic first-order methods for average-reward Markov decision processes | We study the problem of average-reward Markov decision processes (AMDPs) and
develop novel first-order methods with strong theoretical guarantees for both
policy evaluation and optimization. Existing on-policy evaluation methods
suffer from sub-optimal convergence rates as well as failure in handling
insufficiently random policies, e.g., deterministic policies, for lack of
exploration. To remedy these issues, we develop a novel variance-reduced
temporal difference (VRTD) method with linear function approximation for
randomized policies along with optimal convergence guarantees, and an
exploratory variance-reduced temporal difference (EVRTD) method for
insufficiently random policies with comparable convergence guarantees. We
further establish linear convergence rate on the bias of policy evaluation,
which is essential for improving the overall sample complexity of policy
optimization. On the other hand, compared with intensive research interest in
finite sample analysis of policy gradient methods for discounted MDPs, existing
studies on policy gradient methods for AMDPs mostly focus on regret bounds
under restrictive assumptions on the underlying Markov processes (see, e.g.,
Abbasi-Yadkori et al., 2019), and they often lack guarantees on the overall
sample complexities. Towards this end, we develop an average-reward variant of
the stochastic policy mirror descent (SPMD) (Lan, 2022). We establish the first
$\widetilde{\mathcal{O}}(\epsilon^{-2})$ sample complexity for solving AMDPs
with policy gradient method under both the generative model (with unichain
assumption) and Markovian noise model (with ergodic assumption). This bound can
be further improved to $\widetilde{\mathcal{O}}(\epsilon^{-1})$ for solving
regularized AMDPs. Our theoretical advantages are corroborated by numerical
experiments. |
Algebraic Machine Learning with an Application to Chemistry | As datasets used in scientific applications become more complex, studying the
geometry and topology of data has become an increasingly prevalent part of the
data analysis process. This can be seen for example with the growing interest
in topological tools such as persistent homology. However, on the one hand,
topological tools are inherently limited to providing only coarse information
about the underlying space of the data. On the other hand, more geometric
approaches rely predominately on the manifold hypothesis, which asserts that
the underlying space is a smooth manifold. This assumption fails for many
physical models where the underlying space contains singularities.
In this paper we develop a machine learning pipeline that captures fine-grain
geometric information without having to rely on any smoothness assumptions. Our
approach involves working within the scope of algebraic geometry and algebraic
varieties instead of differential geometry and smooth manifolds. In the setting
of the variety hypothesis, the learning problem becomes to find the underlying
variety using sample data. We cast this learning problem into a Maximum A
Posteriori optimization problem which we solve in terms of an eigenvalue
computation. Having found the underlying variety, we explore the use of
Gr\"obner bases and numerical methods to reveal information about its geometry.
In particular, we propose a heuristic for numerically detecting points lying
near the singular locus of the underlying variety. |
Deep-Learned Generators of Porosity Distributions Produced During Metal Additive Manufacturing | Laser Powder Bed Fusion has become a widely adopted method for metal Additive
Manufacturing (AM) due to its ability to mass produce complex parts with
increased local control. However, AM produced parts can be subject to
undesirable porosity, negatively influencing the properties of printed
components. Thus, controlling porosity is integral for creating effective
parts. A precise understanding of the porosity distribution is crucial for
accurately simulating potential fatigue and failure zones. Previous research on
generating synthetic porous microstructures have succeeded in generating parts
with high density, isotropic porosity distributions but are often inapplicable
to cases with sparser, boundary-dependent pore distributions. Our work bridges
this gap by providing a method that considers these constraints by
deconstructing the generation problem into its constitutive parts. A framework
is introduced that combines Generative Adversarial Networks with Mallat
Scattering Transform-based autocorrelation methods to construct novel
realizations of the individual pore geometries and surface roughness, then
stochastically reconstruct them to form realizations of a porous printed part.
The generated parts are compared to the existing experimental porosity
distributions based on statistical and dimensional metrics, such as nearest
neighbor distances, pore volumes, pore anisotropies and scattering transform
based auto-correlations. |
RITA: a Study on Scaling Up Generative Protein Sequence Models | In this work we introduce RITA: a suite of autoregressive generative models
for protein sequences, with up to 1.2 billion parameters, trained on over 280
million protein sequences belonging to the UniRef-100 database. Such generative
models hold the promise of greatly accelerating protein design. We conduct the
first systematic study of how capabilities evolve with model size for
autoregressive transformers in the protein domain: we evaluate RITA models in
next amino acid prediction, zero-shot fitness, and enzyme function prediction,
showing benefits from increased scale. We release the RITA models openly, to
the benefit of the research community. |
Bridging Model-based Safety and Model-free Reinforcement Learning through System Identification of Low Dimensional Linear Models | Bridging model-based safety and model-free reinforcement learning (RL) for
dynamic robots is appealing since model-based methods are able to provide
formal safety guarantees, while RL-based methods are able to exploit the robot
agility by learning from the full-order system dynamics. However, current
approaches to tackle this problem are mostly restricted to simple systems. In
this paper, we propose a new method to combine model-based safety with
model-free reinforcement learning by explicitly finding a low-dimensional model
of the system controlled by a RL policy and applying stability and safety
guarantees on that simple model. We use a complex bipedal robot Cassie, which
is a high dimensional nonlinear system with hybrid dynamics and underactuation,
and its RL-based walking controller as an example. We show that a
low-dimensional dynamical model is sufficient to capture the dynamics of the
closed-loop system. We demonstrate that this model is linear, asymptotically
stable, and is decoupled across control input in all dimensions. We further
exemplify that such linearity exists even when using different RL control
policies. Such results point out an interesting direction to understand the
relationship between RL and optimal control: whether RL tends to linearize the
nonlinear system during training in some cases. Furthermore, we illustrate that
the found linear model is able to provide guarantees by safety-critical optimal
control framework, e.g., Model Predictive Control with Control Barrier
Functions, on an example of autonomous navigation using Cassie while taking
advantage of the agility provided by the RL-based controller. |
Learning to Guide Multiple Heterogeneous Actors from a Single Human Demonstration via Automatic Curriculum Learning in StarCraft II | Traditionally, learning from human demonstrations via direct behavior cloning
can lead to high-performance policies given that the algorithm has access to
large amounts of high-quality data covering the most likely scenarios to be
encountered when the agent is operating. However, in real-world scenarios,
expert data is limited and it is desired to train an agent that learns a
behavior policy general enough to handle situations that were not demonstrated
by the human expert. Another alternative is to learn these policies with no
supervision via deep reinforcement learning, however, these algorithms require
a large amount of computing time to perform well on complex tasks with
high-dimensional state and action spaces, such as those found in StarCraft II.
Automatic curriculum learning is a recent mechanism comprised of techniques
designed to speed up deep reinforcement learning by adjusting the difficulty of
the current task to be solved according to the agent's current capabilities.
Designing a proper curriculum, however, can be challenging for sufficiently
complex tasks, and thus we leverage human demonstrations as a way to guide
agent exploration during training. In this work, we aim to train deep
reinforcement learning agents that can command multiple heterogeneous actors
where starting positions and overall difficulty of the task are controlled by
an automatically-generated curriculum from a single human demonstration. Our
results show that an agent trained via automated curriculum learning can
outperform state-of-the-art deep reinforcement learning baselines and match the
performance of the human expert in a simulated command and control task in
StarCraft II modeled over a real military scenario. |
LSI: A Learned Secondary Index Structure | Learned index structures have been shown to achieve favorable lookup
performance and space consumption compared to their traditional counterparts
such as B-trees. However, most learned index studies have focused on the
primary indexing setting, where the base data is sorted. In this work, we
investigate whether learned indexes sustain their advantage in the secondary
indexing setting. We introduce Learned Secondary Index (LSI), a first attempt
to use learned indexes for indexing unsorted data. LSI works by building a
learned index over a permutation vector, which allows binary search to
performed on the unsorted base data using random access. We additionally
augment LSI with a fingerprint vector to accelerate equality lookups. We show
that LSI achieves comparable lookup performance to state-of-the-art secondary
indexes while being up to 6x more space efficient. |
Compatible deep neural network framework with financial time series data, including data preprocessor, neural network model and trading strategy | Experience has shown that trading in stock and cryptocurrency markets has the
potential to be highly profitable. In this light, considerable effort has been
recently devoted to investigate how to apply machine learning and deep learning
to interpret and predict market behavior. This research introduces a new deep
neural network architecture and a novel idea of how to prepare financial data
before feeding them to the model. In the data preparation part, the first step
is to generate many features using technical indicators and then apply the
XGBoost model for feature engineering. Splitting data into three categories and
using separate autoencoders, we extract high-level mixed features at the second
step. This data preprocessing is introduced to predict price movements.
Regarding modeling, different convolutional layers, an long short-term memory
unit, and several fully-connected layers have been designed to perform binary
classification. This research also introduces a trading strategy to exploit the
trained model outputs. Three different datasets are used to evaluate this
method, where results indicate that this framework can provide us with
profitable and robust predictions. |
Deep Learning and Synthetic Media | Deep learning algorithms are rapidly changing the way in which audiovisual
media can be produced. Synthetic audiovisual media generated with deep learning
- often subsumed colloquially under the label "deepfakes" - have a number of
impressive characteristics; they are increasingly trivial to produce, and can
be indistinguishable from real sounds and images recorded with a sensor. Much
attention has been dedicated to ethical concerns raised by this technological
development. Here, I focus instead on a set of issues related to the notion of
synthetic audiovisual media, its place within a broader taxonomy of audiovisual
media, and how deep learning techniques differ from more traditional approaches
to media synthesis. After reviewing important etiological features of deep
learning pipelines for media manipulation and generation, I argue that
"deepfakes" and related synthetic media produced with such pipelines do not
merely offer incremental improvements over previous methods, but challenge
traditional taxonomical distinctions, and pave the way for genuinely novel
kinds of audiovisual media. |
Individual Fairness Guarantees for Neural Networks | We consider the problem of certifying the individual fairness (IF) of
feed-forward neural networks (NNs). In particular, we work with the
$\epsilon$-$\delta$-IF formulation, which, given a NN and a similarity metric
learnt from data, requires that the output difference between any pair of
$\epsilon$-similar individuals is bounded by a maximum decision tolerance
$\delta \geq 0$. Working with a range of metrics, including the Mahalanobis
distance, we propose a method to overapproximate the resulting optimisation
problem using piecewise-linear functions to lower and upper bound the NN's
non-linearities globally over the input space. We encode this computation as
the solution of a Mixed-Integer Linear Programming problem and demonstrate that
it can be used to compute IF guarantees on four datasets widely used for
fairness benchmarking. We show how this formulation can be used to encourage
models' fairness at training time by modifying the NN loss, and empirically
confirm our approach yields NNs that are orders of magnitude fairer than
state-of-the-art methods. |
Bias and Fairness on Multimodal Emotion Detection Algorithms | Numerous studies have shown that machine learning algorithms can latch onto
protected attributes such as race and gender and generate predictions that
systematically discriminate against one or more groups. To date the majority of
bias and fairness research has been on unimodal models. In this work, we
explore the biases that exist in emotion recognition systems in relationship to
the modalities utilized, and study how multimodal approaches affect system bias
and fairness. We consider audio, text, and video modalities, as well as all
possible multimodal combinations of those, and find that text alone has the
least bias, and accounts for the majority of the models' performances, raising
doubts about the worthiness of multimodal emotion recognition systems when bias
and fairness are desired alongside model performance. |
eFedDNN: Ensemble based Federated Deep Neural Networks for Trajectory Mode Inference | As the most significant data source in smart mobility systems, GPS
trajectories can help identify user travel mode. However, these GPS datasets
may contain users' private information (e.g., home location), preventing many
users from sharing their private information with a third party. Hence,
identifying travel modes while protecting users' privacy is a significant
issue. To address this challenge, we use federated learning (FL), a
privacy-preserving machine learning technique that aims at collaboratively
training a robust global model by accessing users' locally trained models but
not their raw data. Specifically, we designed a novel ensemble-based Federated
Deep Neural Network (eFedDNN). The ensemble method combines the outputs of the
different models learned via FL by the users and shows an accuracy that
surpasses comparable models reported in the literature. Extensive experimental
studies on a real-world open-access dataset from Montreal demonstrate that the
proposed inference model can achieve accurate identification of users' mode of
travel without compromising privacy. |
Visualization Guidelines for Model Performance Communication Between Data Scientists and Subject Matter Experts | Presenting the complexities of a model's performance is a communication
bottleneck that threatens collaborations between data scientists and subject
matter experts. Accuracy and error metrics alone fail to tell the whole story
of a model - its risks, strengths, and limitations - making it difficult for
subject matter experts to feel confident in deciding to use a model. As a
result, models may fail in unexpected ways if their weaknesses are not clearly
understood. Alternatively, models may go unused, as subject matter experts
disregard poorly presented models in favor of familiar, yet arguably
substandard methods. In this paper, we propose effective use of visualization
as a medium for communication between data scientists and subject matter
experts. Our research addresses the gap between common practices in model
performance communication and the understanding of subject matter experts and
decision makers. We derive a set of communication guidelines and recommended
visualizations for communicating model performance based on interviews of both
data scientists and subject matter experts at the same organization. We conduct
a follow-up study with subject matter experts to evaluate the efficacy of our
guidelines in presentations of model performance with and without our
recommendations. We find that our proposed guidelines made subject matter
experts more aware of the tradeoffs of the presented model. Participants
realized that current communication methods left them without a robust
understanding of the model's performance, potentially giving them misplaced
confidence in the use of the model. |
Tiny Robot Learning: Challenges and Directions for Machine Learning in Resource-Constrained Robots | Machine learning (ML) has become a pervasive tool across computing systems.
An emerging application that stress-tests the challenges of ML system design is
tiny robot learning, the deployment of ML on resource-constrained low-cost
autonomous robots. Tiny robot learning lies at the intersection of embedded
systems, robotics, and ML, compounding the challenges of these domains. Tiny
robot learning is subject to challenges from size, weight, area, and power
(SWAP) constraints; sensor, actuator, and compute hardware limitations;
end-to-end system tradeoffs; and a large diversity of possible deployment
scenarios. Tiny robot learning requires ML models to be designed with these
challenges in mind, providing a crucible that reveals the necessity of holistic
ML system design and automated end-to-end design tools for agile development.
This paper gives a brief survey of the tiny robot learning space, elaborates on
key challenges, and proposes promising opportunities for future work in ML
system design. |
A time-varying study of Chinese investor sentiment, stock market liquidity and volatility: Based on deep learning BERT model and TVP-VAR model | Based on the commentary data of the Shenzhen Stock Index bar on the EastMoney
website from January 1, 2018 to December 31, 2019. This paper extracts the
embedded investor sentiment by using a deep learning BERT model and
investigates the time-varying linkage between investment sentiment, stock
market liquidity and volatility using a TVP-VAR model. The results show that
the impact of investor sentiment on stock market liquidity and volatility is
stronger. Although the inverse effect is relatively small, it is more
pronounced with the state of the stock market. In all cases, the response is
more pronounced in the short term than in the medium to long term, and the
impact is asymmetric, with shocks stronger when the market is in a downward
spiral. |
Structured, flexible, and robust: benchmarking and improving large language models towards more human-like behavior in out-of-distribution reasoning tasks | Human language offers a powerful window into our thoughts -- we tell stories,
give explanations, and express our beliefs and goals through words. Abundant
evidence also suggests that language plays a developmental role in structuring
our learning. Here, we ask: how much of human-like thinking can be captured by
learning statistical patterns in language alone? We first contribute a new
challenge benchmark for comparing humans and distributional large language
models (LLMs). Our benchmark contains two problem-solving domains (planning and
explanation generation) and is designed to require generalization to new,
out-of-distribution problems expressed in language. We find that humans are far
more robust than LLMs on this benchmark. Next, we propose a hybrid
Parse-and-Solve model, which augments distributional LLMs with a structured
symbolic reasoning module. We find that this model shows more robust adaptation
to out-of-distribution planning problems, demonstrating the promise of hybrid
AI models for more human-like reasoning. |
RISP: Rendering-Invariant State Predictor with Differentiable Simulation and Rendering for Cross-Domain Parameter Estimation | This work considers identifying parameters characterizing a physical system's
dynamic motion directly from a video whose rendering configurations are
inaccessible. Existing solutions require massive training data or lack
generalizability to unknown rendering configurations. We propose a novel
approach that marries domain randomization and differentiable rendering
gradients to address this problem. Our core idea is to train a
rendering-invariant state-prediction (RISP) network that transforms image
differences into state differences independent of rendering configurations,
e.g., lighting, shadows, or material reflectance. To train this predictor, we
formulate a new loss on rendering variances using gradients from differentiable
rendering. Moreover, we present an efficient, second-order method to compute
the gradients of this loss, allowing it to be integrated seamlessly into modern
deep learning frameworks. We evaluate our method in rigid-body and
deformable-body simulation environments using four tasks: state estimation,
system identification, imitation learning, and visuomotor control. We further
demonstrate the efficacy of our approach on a real-world example: inferring the
state and action sequences of a quadrotor from a video of its motion sequences.
Compared with existing methods, our approach achieves significantly lower
reconstruction errors and has better generalizability among unknown rendering
configurations. |
RepSR: Training Efficient VGG-style Super-Resolution Networks with Structural Re-Parameterization and Batch Normalization | This paper explores training efficient VGG-style super-resolution (SR)
networks with the structural re-parameterization technique. The general
pipeline of re-parameterization is to train networks with multi-branch topology
first, and then merge them into standard 3x3 convolutions for efficient
inference. In this work, we revisit those primary designs and investigate
essential components for re-parameterizing SR networks. First of all, we find
that batch normalization (BN) is important to bring training non-linearity and
improve the final performance. However, BN is typically ignored in SR, as it
usually degrades the performance and introduces unpleasant artifacts. We
carefully analyze the cause of BN issue and then propose a straightforward yet
effective solution. In particular, we first train SR networks with mini-batch
statistics as usual, and then switch to using population statistics at the
later training period. While we have successfully re-introduced BN into SR, we
further design a new re-parameterizable block tailored for SR, namely RepSR. It
consists of a clean residual path and two expand-and-squeeze convolution paths
with the modified BN. Extensive experiments demonstrate that our simple RepSR
is capable of achieving superior performance to previous SR re-parameterization
methods among different model sizes. In addition, our RepSR can achieve a
better trade-off between performance and actual running time (throughput) than
previous SR methods. Codes will be available at
https://github.com/TencentARC/RepSR. |
Process, Bias and Temperature Scalable CMOS Analog Computing Circuits for Machine Learning | Analog computing is attractive compared to digital computing due to its
potential for achieving higher computational density and higher energy
efficiency. However, unlike digital circuits, conventional analog computing
circuits cannot be easily mapped across different process nodes due to
differences in transistor biasing regimes, temperature variations and limited
dynamic range. In this work, we generalize the previously reported
margin-propagation-based analog computing framework for designing novel
\textit{shape-based analog computing} (S-AC) circuits that can be easily
cross-mapped across different process nodes. Similar to digital designs S-AC
designs can also be scaled for precision, speed, and power. As a
proof-of-concept, we show several examples of S-AC circuits implementing
mathematical functions that are commonly used in machine learning (ML)
architectures. Using circuit simulations we demonstrate that the circuit
input/output characteristics remain robust when mapped from a planar CMOS 180nm
process to a FinFET 7nm process. Also, using benchmark datasets we demonstrate
that the classification accuracy of a S-AC based neural network remains robust
when mapped across the two processes and to changes in temperature. |
Deep Architecture Connectivity Matters for Its Convergence: A Fine-Grained Analysis | Advanced deep neural networks (DNNs), designed by either human or AutoML
algorithms, are growing increasingly complex. Diverse operations are connected
by complicated connectivity patterns, e.g., various types of skip connections.
Those topological compositions are empirically effective and observed to smooth
the loss landscape and facilitate the gradient flow in general. However, it
remains elusive to derive any principled understanding of their effects on the
DNN capacity or trainability, and to understand why or in which aspect one
specific connectivity pattern is better than another. In this work, we
theoretically characterize the impact of connectivity patterns on the
convergence of DNNs under gradient descent training in fine granularity. By
analyzing a wide network's Neural Network Gaussian Process (NNGP), we are able
to depict how the spectrum of an NNGP kernel propagates through a particular
connectivity pattern, and how that affects the bound of convergence rates. As
one practical implication of our results, we show that by a simple filtration
on "unpromising" connectivity patterns, we can trim down the number of models
to evaluate, and significantly accelerate the large-scale neural architecture
search without any overhead. Codes will be released at
https://github.com/chenwydj/architecture_convergence. |
How Platform-User Power Relations Shape Algorithmic Accountability: A Case Study of Instant Loan Platforms and Financially Stressed Users in India | Accountability, a requisite for responsible AI, can be facilitated through
transparency mechanisms such as audits and explainability. However, prior work
suggests that the success of these mechanisms may be limited to Global North
contexts; understanding the limitations of current interventions in varied
socio-political conditions is crucial to help policymakers facilitate wider
accountability. To do so, we examined the mediation of accountability in the
existing interactions between vulnerable users and a 'high-risk' AI system in a
Global South setting. We report on a qualitative study with 29
financially-stressed users of instant loan platforms in India. We found that
users experienced intense feelings of indebtedness for the 'boon' of instant
loans, and perceived huge obligations towards loan platforms. Users fulfilled
obligations by accepting harsh terms and conditions, over-sharing sensitive
data, and paying high fees to unknown and unverified lenders. Users
demonstrated a dependence on loan platforms by persisting with such behaviors
despite risks of harms such as abuse, recurring debts, discrimination, privacy
harms, and self-harm to them. Instead of being enraged with loan platforms,
users assumed responsibility for their negative experiences, thus releasing the
high-powered loan platforms from accountability obligations. We argue that
accountability is shaped by platform-user power relations, and urge caution to
policymakers in adopting a purely technical approach to fostering algorithmic
accountability. Instead, we call for situated interventions that enhance agency
of users, enable meaningful transparency, reconfigure designer-user relations,
and prompt a critical reflection in practitioners towards wider accountability.
We conclude with implications for responsibly deploying AI in FinTech
applications in India and beyond. |
Ranked Prioritization of Groups in Combinatorial Bandit Allocation | Preventing poaching through ranger patrols protects endangered wildlife,
directly contributing to the UN Sustainable Development Goal 15 of life on
land. Combinatorial bandits have been used to allocate limited patrol
resources, but existing approaches overlook the fact that each location is home
to multiple species in varying proportions, so a patrol benefits each species
to differing degrees. When some species are more vulnerable, we ought to offer
more protection to these animals; unfortunately, existing combinatorial bandit
approaches do not offer a way to prioritize important species. To bridge this
gap, (1) We propose a novel combinatorial bandit objective that trades off
between reward maximization and also accounts for prioritization over species,
which we call ranked prioritization. We show this objective can be expressed as
a weighted linear sum of Lipschitz-continuous reward functions. (2) We provide
RankedCUCB, an algorithm to select combinatorial actions that optimize our
prioritization-based objective, and prove that it achieves asymptotic
no-regret. (3) We demonstrate empirically that RankedCUCB leads to up to 38%
improvement in outcomes for endangered species using real-world wildlife
conservation data. Along with adapting to other challenges such as preventing
illegal logging and overfishing, our no-regret algorithm addresses the general
combinatorial bandit problem with a weighted linear objective. |
The First Optimal Algorithm for Smooth and Strongly-Convex-Strongly-Concave Minimax Optimization | In this paper, we revisit the smooth and strongly-convex-strongly-concave
minimax optimization problem. Zhang et al. (2021) and Ibrahim et al. (2020)
established the lower bound $\Omega\left(\sqrt{\kappa_x\kappa_y} \log
\frac{1}{\epsilon}\right)$ on the number of gradient evaluations required to
find an $\epsilon$-accurate solution, where $\kappa_x$ and $\kappa_y$ are
condition numbers for the strong convexity and strong concavity assumptions.
However, the existing state-of-the-art methods do not match this lower bound:
algorithms of Lin et al. (2020) and Wang and Li (2020) have gradient evaluation
complexity $\mathcal{O}\left(
\sqrt{\kappa_x\kappa_y}\log^3\frac{1}{\epsilon}\right)$ and $\mathcal{O}\left(
\sqrt{\kappa_x\kappa_y}\log^3 (\kappa_x\kappa_y)\log\frac{1}{\epsilon}\right)$,
respectively. We fix this fundamental issue by providing the first algorithm
with $\mathcal{O}\left(\sqrt{\kappa_x\kappa_y}\log\frac{1}{\epsilon}\right)$
gradient evaluation complexity. We design our algorithm in three steps: (i) we
reformulate the original problem as a minimization problem via the pointwise
conjugate function; (ii) we apply a specific variant of the proximal point
algorithm to the reformulated problem; (iii) we compute the proximal operator
inexactly using the optimal algorithm for operator norm reduction in monotone
inclusions. |
Aggregating Pairwise Semantic Differences for Few-Shot Claim Veracity Classification | As part of an automated fact-checking pipeline, the claim veracity
classification task consists in determining if a claim is supported by an
associated piece of evidence. The complexity of gathering labelled
claim-evidence pairs leads to a scarcity of datasets, particularly when dealing
with new domains. In this paper, we introduce SEED, a novel vector-based method
to few-shot claim veracity classification that aggregates pairwise semantic
differences for claim-evidence pairs. We build on the hypothesis that we can
simulate class representative vectors that capture average semantic differences
for claim-evidence pairs in a class, which can then be used for classification
of new instances. We compare the performance of our method with competitive
baselines including fine-tuned BERT/RoBERTa models, as well as the
state-of-the-art few-shot veracity classification method that leverages
language model perplexity. Experiments conducted on the FEVER and SCIFACT
datasets show consistent improvements over competitive baselines in few-shot
settings. Our code is available. |
Few-Shot Parameter-Efficient Fine-Tuning is Better and Cheaper than In-Context Learning | Few-shot in-context learning (ICL) enables pre-trained language models to
perform a previously-unseen task without any gradient-based training by feeding
a small number of training examples as part of the input. ICL incurs
substantial computational, memory, and storage costs because it involves
processing all of the training examples every time a prediction is made.
Parameter-efficient fine-tuning (e.g. adapter modules, prompt tuning, sparse
update methods, etc.) offers an alternative paradigm where a small set of
parameters are trained to enable a model to perform the new task. In this
paper, we rigorously compare few-shot ICL and parameter-efficient fine-tuning
and demonstrate that the latter offers better accuracy as well as dramatically
lower computational costs. Along the way, we introduce a new
parameter-efficient fine-tuning method called (IA)$^3$ that scales activations
by learned vectors, attaining stronger performance while only introducing a
relatively tiny amount of new parameters. We also propose a simple recipe based
on the T0 model called T-Few that can be applied to new tasks without
task-specific tuning or modifications. We validate the effectiveness of T-Few
on completely unseen tasks by applying it to the RAFT benchmark, attaining
super-human performance for the first time and outperforming the
state-of-the-art by 6% absolute. All of the code used in our experiments is
publicly available. |
On Distributed Adaptive Optimization with Gradient Compression | We study COMP-AMS, a distributed optimization framework based on gradient
averaging and adaptive AMSGrad algorithm. Gradient compression with error
feedback is applied to reduce the communication cost in the gradient
transmission process. Our convergence analysis of COMP-AMS shows that such
compressed gradient averaging strategy yields same convergence rate as standard
AMSGrad, and also exhibits the linear speedup effect w.r.t. the number of local
workers. Compared with recently proposed protocols on distributed adaptive
methods, COMP-AMS is simple and convenient. Numerical experiments are conducted
to justify the theoretical findings, and demonstrate that the proposed method
can achieve same test accuracy as the full-gradient AMSGrad with substantial
communication savings. With its simplicity and efficiency, COMP-AMS can serve
as a useful distributed training framework for adaptive gradient methods. |
Extensible Machine Learning for Encrypted Network Traffic Application Labeling via Uncertainty Quantification | With the increasing prevalence of encrypted network traffic, cyber security
analysts have been turning to machine learning (ML) techniques to elucidate the
traffic on their networks. However, ML models can become stale as known traffic
features can shift between networks and as new traffic emerges that is outside
of the distribution of the training set. In order to reliably adapt in this
dynamic environment, ML models must additionally provide contextualized
uncertainty quantification to their predictions, which has received little
attention in the cyber security domain. Uncertainty quantification is necessary
both to signal when the model is uncertain about which class to choose in its
label assignment and when the traffic is not likely to belong to any
pre-trained classes.
We present a new, public dataset of network traffic that includes labeled,
Virtual Private Network (VPN)-encrypted network traffic generated by 10
applications and corresponding to 5 application categories. We also present an
ML framework that is designed to rapidly train with modest data requirements
and provide both calibrated, predictive probabilities as well as an
interpretable ``out-of-distribution'' (OOD) score to flag novel traffic
samples. We describe how to compute a calibrated OOD score from p-values of the
so-called relative Mahalanobis distance.
We demonstrate that our framework achieves an F1 score of 0.98 on our dataset
and that it can extend to an enterprise network by testing the model: (1) on
data from similar applications, (2) on dissimilar application traffic from an
existing category, and (3) on application traffic from a new category. The
model correctly flags uncertain traffic and, upon retraining, accurately
incorporates the new data. We additionally demonstrate good performance (F1
score of 0.97) when packet sizes are made to be uniform, as occurs for certain
encryption protocols. |
Quantum Self-Attention Neural Networks for Text Classification | An emerging direction of quantum computing is to establish meaningful quantum
applications in various fields of artificial intelligence, including natural
language processing (NLP). Although some efforts based on syntactic analysis
have opened the door to research in Quantum NLP (QNLP), limitations such as
heavy syntactic preprocessing and syntax-dependent network architecture make
them impracticable on larger and real-world data sets. In this paper, we
propose a new simple network architecture, called the quantum self-attention
neural network (QSANN), which can make up for these limitations. Specifically,
we introduce the self-attention mechanism into quantum neural networks and then
utilize a Gaussian projected quantum self-attention serving as a sensible
quantum version of self-attention. As a result, QSANN is effective and scalable
on larger data sets and has the desirable property of being implementable on
near-term quantum devices. In particular, our QSANN outperforms the best
existing QNLP model based on syntactic analysis as well as a simple classical
self-attention neural network in numerical experiments of text classification
tasks on public data sets. We further show that our method exhibits robustness
to low-level quantum noises. |
Blockchain-based Secure Client Selection in Federated Learning | Despite the great potential of Federated Learning (FL) in large-scale
distributed learning, the current system is still subject to several privacy
issues due to the fact that local models trained by clients are exposed to the
central server. Consequently, secure aggregation protocols for FL have been
developed to conceal the local models from the server. However, we show that,
by manipulating the client selection process, the server can circumvent the
secure aggregation to learn the local models of a victim client, indicating
that secure aggregation alone is inadequate for privacy protection. To tackle
this issue, we leverage blockchain technology to propose a verifiable client
selection protocol. Owing to the immutability and transparency of blockchain,
our proposed protocol enforces a random selection of clients, making the server
unable to control the selection process at its discretion. We present security
proofs showing that our protocol is secure against this attack. Additionally,
we conduct several experiments on an Ethereum-like blockchain to demonstrate
the feasibility and practicality of our solution. |
A simple framework for contrastive learning phases of matter | A main task in condensed-matter physics is to recognize, classify, and
characterize phases of matter and the corresponding phase transitions, for
which machine learning provides a new class of research tools due to the
remarkable development in computing power and algorithms. Despite much
exploration in this new field, usually different methods and techniques are
needed for different scenarios. Here, we present SimCLP: a simple framework for
contrastive learning phases of matter, which is inspired by the recent
development in contrastive learning of visual representations. We demonstrate
the success of this framework on several representative systems, including
classical and quantum, single-particle and many-body, conventional and
topological. SimCLP is flexible and free of usual burdens such as manual
feature engineering and prior knowledge. The only prerequisite is to prepare
enough state configurations. Furthermore, it can generate representation
vectors and labels and hence help tackle other problems. SimCLP therefore paves
an alternative way to the development of a generic tool for identifying
unexplored phase transitions. |
RLOP: RL Methods in Option Pricing from a Mathematical Perspective | Abstract In this work, we build two environments, namely the modified QLBS
and RLOP models, from a mathematics perspective which enables RL methods in
option pricing through replicating by portfolio. We implement the environment
specifications (the source code can be found at
https://github.com/owen8877/RLOP), the learning algorithm, and agent
parametrization by a neural network. The learned optimal hedging strategy is
compared against the BS prediction. The effect of various factors is considered
and studied based on how they affect the optimal price and position. |
Predicting hot electrons free energies from ground-state data | Machine-learning potentials are usually trained on the ground-state,
Born-Oppenheimer energy surface, which depends exclusively on the atomic
positions and not on the simulation temperature. This disregards the effect of
thermally-excited electrons, that is important in metals, and essential to the
description of warm dense matter. An accurate physical description of these
effects requires that the nuclei move on a temperature-dependent electronic
free energy. We propose a method to obtain machine-learning predictions of this
free energy at an arbitrary electron temperature using exclusively training
data from ground-state calculations, avoiding the need to train
temperature-dependent potentials. We benchmark our method on metallic liquid
hydrogen at the conditions of the core of gas giants and brown dwarfs. |
Characterizing the Action-Generalization Gap in Deep Q-Learning | We study the action generalization ability of deep Q-learning in discrete
action spaces. Generalization is crucial for efficient reinforcement learning
(RL) because it allows agents to use knowledge learned from past experiences on
new tasks. But while function approximation provides deep RL agents with a
natural way to generalize over state inputs, the same generalization mechanism
does not apply to discrete action outputs. And yet, surprisingly, our
experiments indicate that Deep Q-Networks (DQN), which use exactly this type of
function approximator, are still able to achieve modest action generalization.
Our main contribution is twofold: first, we propose a method of evaluating
action generalization using expert knowledge of action similarity, and
empirically confirm that action generalization leads to faster learning;
second, we characterize the action-generalization gap (the difference in
learning performance between DQN and the expert) in different domains. We find
that DQN can indeed generalize over actions in several simple domains, but that
its ability to do so decreases as the action space grows larger. |
Choice of training label matters: how to best use deep learning for quantitative MRI parameter estimation | Deep learning (DL) is gaining popularity as a parameter estimation method for
quantitative MRI. A range of competing implementations have been proposed,
relying on either supervised or self-supervised learning. Self-supervised
approaches, sometimes referred to as unsupervised, have been loosely based on
auto-encoders, whereas supervised methods have, to date, been trained on
groundtruth labels. These two learning paradigms have been shown to have
distinct strengths. Notably, self-supervised approaches have offered lower-bias
parameter estimates than their supervised alternatives. This result is
counterintuitive - incorporating prior knowledge with supervised labels should,
in theory, lead to improved accuracy. In this work, we show that this apparent
limitation of supervised approaches stems from the naive choice of groundtruth
training labels. By training on labels which are deliberately not groundtruth,
we show that the low-bias parameter estimation previously associated with
self-supervised methods can be replicated - and improved on - within a
supervised learning framework. This approach sets the stage for a single,
unifying, deep learning parameter estimation framework, based on supervised
learning, where trade-offs between bias and variance are made by careful
adjustment of training label. |
End-to-End Multi-Person Audio/Visual Automatic Speech Recognition | Traditionally, audio-visual automatic speech recognition has been studied
under the assumption that the speaking face on the visual signal is the face
matching the audio. However, in a more realistic setting, when multiple faces
are potentially on screen one needs to decide which face to feed to the A/V ASR
system. The present work takes the recent progress of A/V ASR one step further
and considers the scenario where multiple people are simultaneously on screen
(multi-person A/V ASR). We propose a fully differentiable A/V ASR model that is
able to handle multiple face tracks in a video. Instead of relying on two
separate models for speaker face selection and audio-visual ASR on a single
face track, we introduce an attention layer to the ASR encoder that is able to
soft-select the appropriate face video track. Experiments carried out on an A/V
system trained on over 30k hours of YouTube videos illustrate that the proposed
approach can automatically select the proper face tracks with minor WER
degradation compared to an oracle selection of the speaking face while still
showing benefits of employing the visual signal instead of the audio alone. |
A Closer Look at Audio-Visual Multi-Person Speech Recognition and Active Speaker Selection | Audio-visual automatic speech recognition is a promising approach to robust
ASR under noisy conditions. However, up until recently it had been
traditionally studied in isolation assuming the video of a single speaking face
matches the audio, and selecting the active speaker at inference time when
multiple people are on screen was put aside as a separate problem. As an
alternative, recent work has proposed to address the two problems
simultaneously with an attention mechanism, baking the speaker selection
problem directly into a fully differentiable model. One interesting finding was
that the attention indirectly learns the association between the audio and the
speaking face even though this correspondence is never explicitly provided at
training time. In the present work we further investigate this connection and
examine the interplay between the two problems. With experiments involving over
50 thousand hours of public YouTube videos as training data, we first evaluate
the accuracy of the attention layer on an active speaker selection task.
Secondly, we show under closer scrutiny that an end-to-end model performs at
least as well as a considerably larger two-step system that utilizes a hard
decision boundary under various noise conditions and number of parallel face
tracks. |
Primal-Dual UNet for Sparse View Cone Beam Computed Tomography Volume Reconstruction | In this paper, the Primal-Dual UNet for sparse view CT reconstruction is
modified to be applicable to cone beam projections and perform reconstructions
of entire volumes instead of slices. Experiments show that the PSNR of the
proposed method is increased by 10dB compared to the direct FDK reconstruction
and almost 3dB compared to the modified original Primal-Dual Network when using
only 23 projections. The presented network is not optimized wrt. memory
consumption or hyperparameters but merely serves as a proof of concept and is
limited to low resolution projections and volumes. |
Improved Meta Learning for Low Resource Speech Recognition | We propose a new meta learning based framework for low resource speech
recognition that improves the previous model agnostic meta learning (MAML)
approach. The MAML is a simple yet powerful meta learning approach. However,
the MAML presents some core deficiencies such as training instabilities and
slower convergence speed. To address these issues, we adopt multi-step loss
(MSL). The MSL aims to calculate losses at every step of the inner loop of MAML
and then combines them with a weighted importance vector. The importance vector
ensures that the loss at the last step has more importance than the previous
steps. Our empirical evaluation shows that MSL significantly improves the
stability of the training procedure and it thus also improves the accuracy of
the overall system. Our proposed system outperforms MAML based low resource ASR
system on various languages in terms of character error rates and stable
training behavior. |
Scream Detection in Heavy Metal Music | Harsh vocal effects such as screams or growls are far more common in heavy
metal vocals than the traditionally sung vocal. This paper explores the problem
of detection and classification of extreme vocal techniques in heavy metal
music, specifically the identification of different scream techniques. We
investigate the suitability of various feature representations, including
cepstral, spectral, and temporal features as input representations for
classification. The main contributions of this work are (i) a manually
annotated dataset comprised of over 280 minutes of heavy metal songs of various
genres with a statistical analysis of occurrences of different extreme vocal
techniques in heavy metal music, and (ii) a systematic study of different input
feature representations for the classification of heavy metal vocals |
Dual Branch Prior-SegNet: CNN for Interventional CBCT using Planning Scan and Auxiliary Segmentation Loss | This paper proposes an extension to the Dual Branch Prior-Net for sparse view
interventional CBCT reconstruction incorporating a high quality planning scan.
An additional head learns to segment interventional instruments and thus guides
the reconstruction task. The prior scans are misaligned by up to +-5deg
in-plane during training. Experiments show that the proposed model, Dual Branch
Prior-SegNet, significantly outperforms any other evaluated model by >2.8dB
PSNR. It also stays robust wrt. rotations of up to +-5.5deg. |
DoubleMatch: Improving Semi-Supervised Learning with Self-Supervision | Following the success of supervised learning, semi-supervised learning (SSL)
is now becoming increasingly popular. SSL is a family of methods, which in
addition to a labeled training set, also use a sizable collection of unlabeled
data for fitting a model. Most of the recent successful SSL methods are based
on pseudo-labeling approaches: letting confident model predictions act as
training labels. While these methods have shown impressive results on many
benchmark datasets, a drawback of this approach is that not all unlabeled data
are used during training. We propose a new SSL algorithm, DoubleMatch, which
combines the pseudo-labeling technique with a self-supervised loss, enabling
the model to utilize all unlabeled data in the training process. We show that
this method achieves state-of-the-art accuracies on multiple benchmark datasets
while also reducing training times compared to existing SSL methods. Code is
available at https://github.com/walline/doublematch. |
Delayed Reinforcement Learning by Imitation | When the agent's observations or interactions are delayed, classic
reinforcement learning tools usually fail. In this paper, we propose a simple
yet new and efficient solution to this problem. We assume that, in the
undelayed environment, an efficient policy is known or can be easily learned,
but the task may suffer from delays in practice and we thus want to take them
into account. We present a novel algorithm, Delayed Imitation with Dataset
Aggregation (DIDA), which builds upon imitation learning methods to learn how
to act in a delayed environment from undelayed demonstrations. We provide a
theoretical analysis of the approach that will guide the practical design of
DIDA. These results are also of general interest in the delayed reinforcement
learning literature by providing bounds on the performance between delayed and
undelayed tasks, under smoothness conditions. We show empirically that DIDA
obtains high performances with a remarkable sample efficiency on a variety of
tasks, including robotic locomotion, classic control, and trading. |
Access Trends of In-network Cache for Scientific Data | Scientific collaborations are increasingly relying on large volumes of data
for their work and many of them employ tiered systems to replicate the data to
their worldwide user communities. Each user in the community often selects a
different subset of data for their analysis tasks; however, members of a
research group often are working on related research topics that require
similar data objects. Thus, there is a significant amount of data sharing
possible. In this work, we study the access traces of a federated storage cache
known as the Southern California Petabyte Scale Cache. By studying the access
patterns and potential for network traffic reduction by this caching system, we
aim to explore the predictability of the cache uses and the potential for a
more general in-network data caching. Our study shows that this distributed
storage cache is able to reduce the network traffic volume by a factor of 2.35
during a part of the study period. We further show that machine learning models
could predict cache utilization with an accuracy of 0.88. This demonstrates
that such cache usage is predictable, which could be useful for managing
complex networking resources such as in-network caching. |
Performance of a deep learning system for detection of referable diabetic retinopathy in real clinical settings | Background: To determine the ability of a commercially available deep
learning system, RetCAD v.1.3.1 (Thirona, Nijmegen, The Netherlands) for the
automatic detection of referable diabetic retinopathy (DR) on a dataset of
colour fundus images acquired during routine clinical practice in a tertiary
hospital screening program, analyzing the reduction of workload that can be
released incorporating this artificial intelligence-based technology. Methods:
Evaluation of the software was performed on a dataset of 7195 nonmydriatic
fundus images from 6325 eyes of 3189 diabetic patients attending our screening
program between February to December of 2019. The software generated a DR
severity score for each colour fundus image which was combined into an
eye-level score. This score was then compared with a reference standard as set
by a human expert using receiver operating characteristic (ROC) curve analysis.
Results: The artificial intelligence (AI) software achieved an area under the
ROC curve (AUC) value of 0.988 [0.981:0.993] for the detection of referable DR.
At the proposed operating point, the sensitivity of the RetCAD software for DR
is 90.53% and specificity is 97.13%. A workload reduction of 96% could be
achieved at the cost of only 6 false negatives. Conclusions: The AI software
correctly identified the vast majority of referable DR cases, with a workload
reduction of 96% of the cases that would need to be checked, while missing
almost no true cases, so it may therefore be used as an instrument for triage. |
CNN-LSTM Based Multimodal MRI and Clinical Data Fusion for Predicting Functional Outcome in Stroke Patients | Clinical outcome prediction plays an important role in stroke patient
management. From a machine learning point-of-view, one of the main challenges
is dealing with heterogeneous data at patient admission, i.e. the image data
which are multidimensional and the clinical data which are scalars. In this
paper, a multimodal convolutional neural network - long short-term memory
(CNN-LSTM) based ensemble model is proposed. For each MR image module, a
dedicated network provides preliminary prediction of the clinical outcome using
the modified Rankin scale (mRS). The final mRS score is obtained by merging the
preliminary probabilities of each module dedicated to a specific type of MR
image weighted by the clinical metadata, here age or the National Institutes of
Health Stroke Scale (NIHSS). The experimental results demonstrate that the
proposed model surpasses the baselines and offers an original way to
automatically encode the spatio-temporal context of MR images in a deep
learning architecture. The highest AUC (0.77) was achieved for the proposed
model with NIHSS. |
An Empirical Study Of Self-supervised Learning Approaches For Object Detection With Transformers | Self-supervised learning (SSL) methods such as masked language modeling have
shown massive performance gains by pretraining transformer models for a variety
of natural language processing tasks. The follow-up research adapted similar
methods like masked image modeling in vision transformer and demonstrated
improvements in the image classification task. Such simple self-supervised
methods are not exhaustively studied for object detection transformers (DETR,
Deformable DETR) as their transformer encoder modules take input in the
convolutional neural network (CNN) extracted feature space rather than the
image space as in general vision transformers. However, the CNN feature maps
still maintain the spatial relationship and we utilize this property to design
self-supervised learning approaches to train the encoder of object detection
transformers in pretraining and multi-task learning settings. We explore common
self-supervised methods based on image reconstruction, masked image modeling
and jigsaw. Preliminary experiments in the iSAID dataset demonstrate faster
convergence of DETR in the initial epochs in both pretraining and multi-task
learning settings; nonetheless, similar improvement is not observed in the case
of multi-task learning with Deformable DETR. The code for our experiments with
DETR and Deformable DETR are available at https://github.com/gokulkarthik/detr
and https://github.com/gokulkarthik/Deformable-DETR respectively. |
Keep Your Friends Close and Your Counterfactuals Closer: Improved Learning From Closest Rather Than Plausible Counterfactual Explanations in an Abstract Setting | Counterfactual explanations (CFEs) highlight what changes to a model's input
would have changed its prediction in a particular way. CFEs have gained
considerable traction as a psychologically grounded solution for explainable
artificial intelligence (XAI). Recent innovations introduce the notion of
computational plausibility for automatically generated CFEs, enhancing their
robustness by exclusively creating plausible explanations. However, practical
benefits of such a constraint on user experience and behavior is yet unclear.
In this study, we evaluate objective and subjective usability of
computationally plausible CFEs in an iterative learning design targeting novice
users. We rely on a novel, game-like experimental design, revolving around an
abstract scenario. Our results show that novice users actually benefit less
from receiving computationally plausible rather than closest CFEs that produce
minimal changes leading to the desired outcome. Responses in a post-game survey
reveal no differences in terms of subjective user experience between both
groups. Following the view of psychological plausibility as comparative
similarity, this may be explained by the fact that users in the closest
condition experience their CFEs as more psychologically plausible than the
computationally plausible counterpart. In sum, our work highlights a
little-considered divergence of definitions of computational plausibility and
psychological plausibility, critically confirming the need to incorporate human
behavior, preferences and mental models already at the design stages of XAI
approaches. In the interest of reproducible research, all source code, acquired
user data, and evaluation scripts of the current study are available:
https://github.com/ukuhl/PlausibleAlienZoo |
Is calibration a fairness requirement? An argument from the point of view of moral philosophy and decision theory | In this paper, we provide a moral analysis of two criteria of statistical
fairness debated in the machine learning literature: 1) calibration between
groups and 2) equality of false positive and false negative rates between
groups. In our paper, we focus on moral arguments in support of either measure.
The conflict between group calibration vs. false positive and false negative
rate equality is one of the core issues in the debate about group fairness
definitions among practitioners. For any thorough moral analysis, the meaning
of the term fairness has to be made explicit and defined properly. For our
paper, we equate fairness with (non-)discrimination, which is a legitimate
understanding in the discussion about group fairness. More specifically, we
equate it with prima facie wrongful discrimination in the sense this is used in
Prof. Lippert-Rasmussen's treatment of this definition. In this paper, we argue
that a violation of group calibration may be unfair in some cases, but not
unfair in others. This is in line with claims already advanced in the
literature, that algorithmic fairness should be defined in a way that is
sensitive to context. The most important practical implication is that
arguments based on examples in which fairness requires between-group
calibration, or equality in the false-positive/false-negative rates, do no
generalize. For it may be that group calibration is a fairness requirement in
one case, but not in another. |
Efficient Automated Deep Learning for Time Series Forecasting | Recent years have witnessed tremendously improved efficiency of Automated
Machine Learning (AutoML), especially Automated Deep Learning (AutoDL) systems,
but recent work focuses on tabular, image, or NLP tasks. So far, little
attention has been paid to general AutoDL frameworks for time series
forecasting, despite the enormous success in applying different novel
architectures to such tasks. In this paper, we propose an efficient approach
for the joint optimization of neural architecture and hyperparameters of the
entire data processing pipeline for time series forecasting. In contrast to
common NAS search spaces, we designed a novel neural architecture search space
covering various state-of-the-art architectures, allowing for an efficient
macro-search over different DL approaches. To efficiently search in such a
large configuration space, we use Bayesian optimization with multi-fidelity
optimization. We empirically study several different budget types enabling
efficient multi-fidelity optimization on different forecasting datasets.
Furthermore, we compared our resulting system, dubbed Auto-PyTorch-TS, against
several established baselines and show that it significantly outperforms all of
them across several datasets. |
Probability Distribution of Hypervolume Improvement in Bi-objective Bayesian Optimization | This work provides the exact expression of the probability distribution of
the hypervolume improvement (HVI) for bi-objective generalization of Bayesian
optimization. Here, instead of a single-objective improvement, we consider the
improvement of the hypervolume indicator concerning the current best
approximation of the Pareto front. Gaussian process regression models are
trained independently on both objective functions, resulting in a bi-variate
separated Gaussian distribution serving as a predictive model for the
vector-valued objective function. Some commonly HVI-based acquisition functions
(probability of improvement and upper confidence bound) are also leveraged with
the help of the exact distribution of HVI. In addition, we show the superior
numerical accuracy and efficiency of the exact distribution compared to the
commonly used approximation by Monte-Carlo sampling. Finally, we benchmark
distribution-leveraged acquisition functions on the widely applied ZDT problem
set, demonstrating a significant advantage of using the exact distribution of
HVI in multi-objective Bayesian optimization. |
Analysis of convolutional neural network image classifiers in a rotationally symmetric model | Convolutional neural network image classifiers are defined and the rate of
convergence of the misclassification risk of the estimates towards the optimal
misclassification risk is analyzed. Here we consider images as random variables
with values in some functional space, where we only observe discrete samples as
function values on some finite grid. Under suitable structural and smoothness
assumptions on the functional a posteriori probability, which includes some
kind of symmetry against rotation of subparts of the input image, it is shown
that least squares plug-in classifiers based on convolutional neural networks
are able to circumvent the curse of dimensionality in binary image
classification if we neglect a resolution-dependent error term. The finite
sample size behavior of the classifier is analyzed by applying it to simulated
and real data. |
DNA data storage, sequencing data-carrying DNA | DNA is a leading candidate as the next archival storage media due to its
density, durability and sustainability. To read (and write) data DNA storage
exploits technology that has been developed over decades to sequence naturally
occurring DNA in the life sciences. To achieve higher accuracy for previously
unseen, biological DNA, sequencing relies on extending and training deep
machine learning models known as basecallers. This growth in model complexity
requires substantial resources, both computational and data sets. It also
eliminates the possibility of a compact read head for DNA as a storage medium.
We argue that we need to depart from blindly using sequencing models from the
life sciences for DNA data storage. The difference is striking: for life
science applications we have no control over the DNA, however, in the case of
DNA data storage, we control how it is written, as well as the particular write
head. More specifically, data-carrying DNA can be modulated and embedded with
alignment markers and error correcting codes to guarantee higher fidelity and
to carry out some of the work that the machine learning models perform.
In this paper, we study accuracy trade-offs between deep model size and error
correcting codes. We show that, starting with a model size of 107MB, the
reduced accuracy from model compression can be compensated by using simple
error correcting codes in the DNA sequences. In our experiments, we show that a
substantial reduction in the size of the model does not incur an undue penalty
for the error correcting codes used, therefore paving the way for portable
data-carrying DNA read head. Crucially, we show that through the joint use of
model compression and error correcting codes, we achieve a higher read accuracy
than without compression and error correction codes. |
Automatic Tuberculosis and COVID-19 cough classification using deep learning | We present a deep learning based automatic cough classifier which can
discriminate tuberculosis (TB) coughs from COVID-19 coughs and healthy coughs.
Both TB and COVID-19 are respiratory disease, have cough as a predominant
symptom and claim thousands of lives each year. The cough audio recordings were
collected at both indoor and outdoor settings and also uploaded using
smartphones from subjects around the globe, thus contain various levels of
noise. This cough data include 1.68 hours of TB coughs, 18.54 minutes of
COVID-19 coughs and 1.69 hours of healthy coughs from 47 TB patients, 229
COVID-19 patients and 1498 healthy patients and were used to train and evaluate
a CNN, LSTM and Resnet50. These three deep architectures were also pre-trained
on 2.14 hours of sneeze, 2.91 hours of speech and 2.79 hours of noise for
improved performance. The class-imbalance in our dataset was addressed by using
SMOTE data balancing technique and using performance metrics such as F1-score
and AUC. Our study shows that the highest F1-scores of 0.9259 and 0.8631 have
been achieved from a pre-trained Resnet50 for two-class (TB vs COVID-19) and
three-class (TB vs COVID-19 vs healthy) cough classification tasks,
respectively. The application of deep transfer learning has improved the
classifiers' performance and makes them more robust as they generalise better
over the cross-validation folds. Their performances exceed the TB triage test
requirements set by the world health organisation (WHO). The features producing
the best performance contain higher order of MFCCs suggesting that the
differences between TB and COVID-19 coughs are not perceivable by the human
ear. This type of cough audio classification is non-contact, cost-effective and
can easily be deployed on a smartphone, thus it can be an excellent tool for
both TB and COVID-19 screening. |
Contrastive Supervised Distillation for Continual Representation Learning | In this paper, we propose a novel training procedure for the continual
representation learning problem in which a neural network model is sequentially
learned to alleviate catastrophic forgetting in visual search tasks. Our
method, called Contrastive Supervised Distillation (CSD), reduces feature
forgetting while learning discriminative features. This is achieved by
leveraging labels information in a distillation setting in which the student
model is contrastively learned from the teacher model. Extensive experiments
show that CSD performs favorably in mitigating catastrophic forgetting by
outperforming current state-of-the-art methods. Our results also provide
further evidence that feature forgetting evaluated in visual retrieval tasks is
not as catastrophic as in classification tasks. Code at:
https://github.com/NiccoBiondi/ContrastiveSupervisedDistillation. |
DeepFilterNet2: Towards Real-Time Speech Enhancement on Embedded Devices for Full-Band Audio | Deep learning-based speech enhancement has seen huge improvements and
recently also expanded to full band audio (48 kHz). However, many approaches
have a rather high computational complexity and require big temporal buffers
for real time usage e.g. due to temporal convolutions or attention. Both make
those approaches not feasible on embedded devices. This work further extends
DeepFilterNet, which exploits harmonic structure of speech allowing for
efficient speech enhancement (SE). Several optimizations in the training
procedure, data augmentation, and network structure result in state-of-the-art
SE performance while reducing the real-time factor to 0.04 on a notebook
Core-i5 CPU. This makes the algorithm applicable to run on embedded devices in
real-time. The DeepFilterNet framework can be obtained under an open source
license. |
Generation of non-stationary stochastic fields using Generative Adversarial Networks with limited training data | In the context of generating geological facies conditioned on observed data,
samples corresponding to all possible conditions are not generally available in
the training set and hence the generation of these realizations depends primary
on the generalization capability of the trained generative model. The problem
becomes more complex when applied on non-stationary fields. In this work, we
investigate the problem of training Generative Adversarial Networks (GANs)
models against a dataset of geological channelized patterns that has a few
non-stationary spatial modes and examine the training and self-conditioning
settings that improve the generalization capability at new spatial modes that
were never seen in the given training set. The developed training method
allowed for effective learning of the correlation between the spatial
conditions (i.e. non-stationary maps) and the realizations implicitly without
using additional loss terms or solving a costly optimization problem at the
realization generation phase. Our models, trained on real and artificial
datasets were able to generate geologically-plausible realizations beyond the
training samples with a strong correlation with the target maps. |
Utilizing coarse-grained data in low-data settings for event extraction | Annotating text data for event information extraction systems is hard,
expensive, and error-prone. We investigate the feasibility of integrating
coarse-grained data (document or sentence labels), which is far more feasible
to obtain, instead of annotating more documents. We utilize a multi-task model
with two auxiliary tasks, document and sentence binary classification, in
addition to the main task of token classification. We perform a series of
experiments with varying data regimes for the aforementioned integration.
Results show that while introducing extra coarse-grained data offers greater
improvement and robustness, a gain is still possible with only the addition of
negative documents that have no information on any event. |
A Continual Deepfake Detection Benchmark: Dataset, Methods, and Essentials | There have been emerging a number of benchmarks and techniques for the
detection of deepfakes. However, very few works study the detection of
incrementally appearing deepfakes in the real-world scenarios. To simulate the
wild scenes, this paper suggests a continual deepfake detection benchmark
(CDDB) over a new collection of deepfakes from both known and unknown
generative models. The suggested CDDB designs multiple evaluations on the
detection over easy, hard, and long sequence of deepfake tasks, with a set of
appropriate measures. In addition, we exploit multiple approaches to adapt
multiclass incremental learning methods, commonly used in the continual visual
recognition, to the continual deepfake detection problem. We evaluate several
methods, including the adapted ones, on the proposed CDDB. Within the proposed
benchmark, we explore some commonly known essentials of standard continual
learning. Our study provides new insights on these essentials in the context of
continual deepfake detection. The suggested CDDB is clearly more challenging
than the existing benchmarks, which thus offers a suitable evaluation avenue to
the future research. Our benchmark dataset and the source code will be made
publicly available. |
Making Pre-trained Language Models Good Long-tailed Learners | Prompt-tuning has shown appealing performance in few-shot classification by
virtue of its capability in effectively exploiting pre-trained knowledge. This
motivates us to check the hypothesis that prompt-tuning is also a promising
choice for long-tailed classification, since the tail classes are intuitively
few-shot ones. To achieve this aim, we conduct empirical studies to examine the
hypothesis. The results demonstrate that prompt-tuning exactly makes
pre-trained language models at least good long-tailed learners. For intuitions
on why prompt-tuning can achieve good performance in long-tailed
classification, we carry out an in-depth analysis by progressively bridging the
gap between prompt-tuning and commonly used fine-tuning. The summary is that
the classifier structure and parameterization form the key to making good
long-tailed learners, in comparison with the less important input structure.
Finally, we verify the applicability of our finding to few-shot classification. |
CV4Code: Sourcecode Understanding via Visual Code Representations | We present CV4Code, a compact and effective computer vision method for
sourcecode understanding. Our method leverages the contextual and the
structural information available from the code snippet by treating each snippet
as a two-dimensional image, which naturally encodes the context and retains the
underlying structural information through an explicit spatial representation.
To codify snippets as images, we propose an ASCII codepoint-based image
representation that facilitates fast generation of sourcecode images and
eliminates redundancy in the encoding that would arise from an RGB pixel
representation. Furthermore, as sourcecode is treated as images, neither
lexical analysis (tokenisation) nor syntax tree parsing is required, which
makes the proposed method agnostic to any particular programming language and
lightweight from the application pipeline point of view. CV4Code can even
featurise syntactically incorrect code which is not possible from methods that
depend on the Abstract Syntax Tree (AST). We demonstrate the effectiveness of
CV4Code by learning Convolutional and Transformer networks to predict the
functional task, i.e. the problem it solves, of the source code directly from
its two-dimensional representation, and using an embedding from its latent
space to derive a similarity score of two code snippets in a retrieval setup.
Experimental results show that our approach achieves state-of-the-art
performance in comparison to other methods with the same task and data
configurations. For the first time we show the benefits of treating sourcecode
understanding as a form of image processing task. |
Detecting Emerging Technologies and their Evolution using Deep Learning and Weak Signal Analysis | Emerging technologies can have major economic impacts and affect strategic
stability. Yet, early identification of emerging technologies remains
challenging. In order to identify emerging technologies in a timely and
reliable manner, a comprehensive examination of relevant scientific and
technological (S&T) trends and their related references is required. This
examination is generally done by domain experts and requires significant
amounts of time and effort to gain insights. The use of domain experts to
identify emerging technologies from S&T trends may limit the capacity to
analyse large volumes of information and introduce subjectivity in the
assessments. Decision support systems are required to provide accurate and
reliable evidence-based indicators through constant and continuous monitoring
of the environment and help identify signals of emerging technologies that
could alter security and economic prosperity. For example, the research field
of hypersonics has recently witnessed several advancements having profound
technological, commercial, and national security implications. In this work, we
present a multi-layer quantitative approach able to identify future signs from
scientific publications on hypersonics by leveraging deep learning and weak
signal analysis. The proposed framework can help strategic planners and domain
experts better identify and monitor emerging technology trends. |
An Introduction to Quantum Machine Learning for Engineers | In the current noisy intermediate-scale quantum (NISQ) era, quantum machine
learning is emerging as a dominant paradigm to program gate-based quantum
computers. In quantum machine learning, the gates of a quantum circuit are
parametrized, and the parameters are tuned via classical optimization based on
data and on measurements of the outputs of the circuit. Parametrized quantum
circuits (PQCs) can efficiently address combinatorial optimization problems,
implement probabilistic generative models, and carry out inference
(classification and regression). This monograph provides a self-contained
introduction to quantum machine learning for an audience of engineers with a
background in probability and linear algebra. It first describes the necessary
background, concepts, and tools necessary to describe quantum operations and
measurements. Then, it covers parametrized quantum circuits, the variational
quantum eigensolver, as well as unsupervised and supervised quantum machine
learning formulations. |
Hyperspectral Image Classification With Contrastive Graph Convolutional Network | Recently, Graph Convolutional Network (GCN) has been widely used in
Hyperspectral Image (HSI) classification due to its satisfactory performance.
However, the number of labeled pixels is very limited in HSI, and thus the
available supervision information is usually insufficient, which will
inevitably degrade the representation ability of most existing GCN-based
methods. To enhance the feature representation ability, in this paper, a GCN
model with contrastive learning is proposed to explore the supervision signals
contained in both spectral information and spatial relations, which is termed
Contrastive Graph Convolutional Network (ConGCN), for HSI classification.
First, in order to mine sufficient supervision signals from spectral
information, a semi-supervised contrastive loss function is utilized to
maximize the agreement between different views of the same node or the nodes
from the same land cover category. Second, to extract the precious yet implicit
spatial relations in HSI, a graph generative loss function is leveraged to
explore supplementary supervision signals contained in the graph topology. In
addition, an adaptive graph augmentation technique is designed to flexibly
incorporate the spectral-spatial priors of HSI, which helps facilitate the
subsequent contrastive representation learning. The extensive experimental
results on four typical benchmark datasets firmly demonstrate the effectiveness
of the proposed ConGCN in both qualitative and quantitative aspects. |
An Inexact Augmented Lagrangian Algorithm for Training Leaky ReLU Neural Network with Group Sparsity | The leaky ReLU network with a group sparse regularization term has been
widely used in the recent years. However, training such a network yields a
nonsmooth nonconvex optimization problem and there exists a lack of approaches
to compute a stationary point deterministically. In this paper, we first
resolve the multi-layer composite term in the original optimization problem by
introducing auxiliary variables and additional constraints. We show the new
model has a nonempty and bounded solution set and its feasible set satisfies
the Mangasarian-Fromovitz constraint qualification. Moreover, we show the
relationship between the new model and the original problem. Remarkably, we
propose an inexact augmented Lagrangian algorithm for solving the new model and
show the convergence of the algorithm to a KKT point. Numerical experiments
demonstrate that our algorithm is more efficient for training sparse leaky ReLU
neural networks than some well-known algorithms. |
Stochastic Variational Smoothed Model Checking | Model-checking for parametric stochastic models can be expressed as checking
the satisfaction probability of a certain property as a function of the
parameters of the model. Smoothed model checking (smMC) leverages Gaussian
Processes (GP) to infer the satisfaction function over the entire parameter
space from a limited set of observations obtained via simulation. This approach
provides accurate reconstructions with statistically sound quantification of
the uncertainty. However, it inherits the scalability issues of GP. In this
paper, we exploit recent advances in probabilistic machine learning to push
this limitation forward, making Bayesian inference of smMC scalable to larger
datasets, enabling its application to larger models in terms of the dimension
of the parameter set. We propose Stochastic Variational Smoothed Model Checking
(SV-smMC), a solution that exploits stochastic variational inference (SVI) to
approximate the posterior distribution of the smMC problem. The strength and
flexibility of SVI make SV-smMC applicable to two alternative probabilistic
models: Gaussian Processes (GP) and Bayesian Neural Networks (BNN). Moreover,
SVI makes inference easily parallelizable and it enables GPU acceleration. In
this paper, we compare the performances of smMC against those of SV-smMC by
looking at the scalability, the computational efficiency and at the accuracy of
the reconstructed satisfaction function. |
A Survey on Fairness for Machine Learning on Graphs | Nowadays, the analysis of complex phenomena modeled by graphs plays a crucial
role in many real-world application domains where decisions can have a strong
societal impact. However, numerous studies and papers have recently revealed
that machine learning models could lead to potential disparate treatment
between individuals and unfair outcomes. In that context, algorithmic
contributions for graph mining are not spared by the problem of fairness and
present some specific challenges related to the intrinsic nature of graphs: (1)
graph data is non-IID, and this assumption may invalidate many existing studies
in fair machine learning, (2) suited metric definitions to assess the different
types of fairness with relational data and (3) algorithmic challenge on the
difficulty of finding a good trade-off between model accuracy and fairness.
This survey is the first one dedicated to fairness for relational data. It aims
to present a comprehensive review of state-of-the-art techniques in fairness on
graph mining and identify the open challenges and future trends. In particular,
we start by presenting several sensible application domains and the associated
graph mining tasks with a focus on edge prediction and node classification in
the sequel. We also recall the different metrics proposed to evaluate potential
bias at different levels of the graph mining process; then we provide a
comprehensive overview of recent contributions in the domain of fair machine
learning for graphs, that we classify into pre-processing, in-processing and
post-processing models. We also propose to describe existing graph data,
synthetic and real-world benchmarks. Finally, we present in detail five
potential promising directions to advance research in studying algorithmic
fairness on graphs. |
CVTT: Cross-Validation Through Time | The practical aspects of evaluating recommender systems is an actively
discussed topic in the research community. While many current evaluation
techniques bring performance down to a single-value metric as a straightforward
approach for model comparison, it is based on a strong assumption of the
methods' stable performance over time. In this paper, we argue that leaving out
a method's continuous performance can lead to losing valuable insight into
joint data-method effects. We propose the Cross-Validation Thought Time (CVTT)
technique to perform more detailed evaluations, which focus on model
cross-validation performance over time. Using the proposed technique, we
conduct a detailed analysis of popular RecSys algorithms' performance against
various metrics and datasets. We also compare several data preparation and
evaluation strategies to analyze their impact on model performance. Our results
show that model performance can vary significantly over time, and both data and
evaluation setup can have a marked effect on it. |
AutoKE: An automatic knowledge embedding framework for scientific machine learning | Imposing physical constraints on neural networks as a method of knowledge
embedding has achieved great progress in solving physical problems described by
governing equations. However, for many engineering problems, governing
equations often have complex forms, including complex partial derivatives or
stochastic physical fields, which results in significant inconveniences from
the perspective of implementation. In this paper, a scientific machine learning
framework, called AutoKE, is proposed, and a reservoir flow problem is taken as
an instance to demonstrate that this framework can effectively automate the
process of embedding physical knowledge. In AutoKE, an emulator comprised of
deep neural networks (DNNs) is built for predicting the physical variables of
interest. An arbitrarily complex equation can be parsed and automatically
converted into a computational graph through the equation parser module, and
the fitness of the emulator to the governing equation is evaluated via
automatic differentiation. Furthermore, the fixed weights in the loss function
are substituted with adaptive weights by incorporating the Lagrangian dual
method. Neural architecture search (NAS) is also introduced into the AutoKE to
select an optimal network architecture of the emulator according to the
specific problem. Finally, we apply transfer learning to enhance the
scalability of the emulator. In experiments, the framework is verified by a
series of physical problems in which it can automatically embed physical
knowledge into an emulator without heavy hand-coding. The results demonstrate
that the emulator can not only make accurate predictions, but also be applied
to similar problems with high efficiency via transfer learning. |
Machine Learning to Support Triage of Children at Risk for Epileptic Seizures in the Pediatric Intensive Care Unit | Objective: Epileptic seizures are relatively common in critically-ill
children admitted to the pediatric intensive care unit (PICU) and thus serve as
an important target for identification and treatment. Most of these seizures
have no discernible clinical manifestation but still have a significant impact
on morbidity and mortality. Children that are deemed at risk for seizures
within the PICU are monitored using continuous-electroencephalogram (cEEG).
cEEG monitoring cost is considerable and as the number of available machines is
always limited, clinicians need to resort to triaging patients according to
perceived risk in order to allocate resources. This research aims to develop a
computer aided tool to improve seizures risk assessment in critically-ill
children, using an ubiquitously recorded signal in the PICU, namely the
electrocardiogram (ECG). Approach: A novel data-driven model was developed at a
patient-level approach, based on features extracted from the first hour of ECG
recording and the clinical data of the patient. Main results: The most
predictive features were the age of the patient, the brain injury as coma
etiology and the QRS area. For patients without any prior clinical data, using
one hour of ECG recording, the classification performance of the random forest
classifier reached an area under the receiver operating characteristic curve
(AUROC) score of 0.84. When combining ECG features with the patients clinical
history, the AUROC reached 0.87. Significance: Taking a real clinical scenario,
we estimated that our clinical decision support triage tool can improve the
positive predictive value by more than 59% over the clinical standard. |
Automated differential equation solver based on the parametric approximation optimization | The numerical methods for differential equation solution allow obtaining a
discrete field that converges towards the solution if the method is applied to
the correct problem. Nevertheless, the numerical methods have the restricted
class of the equations, on which the convergence with a given parameter set or
range is proved. Only a few "cheap and dirty" numerical methods converge on a
wide class of equations without parameter tuning with the lower approximation
order price. The article presents a method that uses an optimization algorithm
to obtain a solution using the parameterized approximation. The result may not
be as precise as an expert one. However, it allows solving the wide class of
equations in an automated manner without the algorithm's parameters change. |
Pre-trained Language Models as Re-Annotators | Annotation noise is widespread in datasets, but manually revising a flawed
corpus is time-consuming and error-prone. Hence, given the prior knowledge in
Pre-trained Language Models and the expected uniformity across all annotations,
we attempt to reduce annotation noise in the corpus through two tasks
automatically: (1) Annotation Inconsistency Detection that indicates the
credibility of annotations, and (2) Annotation Error Correction that rectifies
the abnormal annotations.
We investigate how to acquire semantic sensitive annotation representations
from Pre-trained Language Models, expecting to embed the examples with
identical annotations to the mutually adjacent positions even without
fine-tuning. We proposed a novel credibility score to reveal the likelihood of
annotation inconsistencies based on the neighbouring consistency. Then, we
fine-tune the Pre-trained Language Models based classifier with
cross-validation for annotation correction. The annotation corrector is further
elaborated with two approaches: (1) soft labelling by Kernel Density Estimation
and (2) a novel distant-peer contrastive loss.
We study the re-annotation in relation extraction and create a new manually
revised dataset, Re-DocRED, for evaluating document-level re-annotation. The
proposed credibility scores show promising agreement with human revisions,
achieving a Binary F1 of 93.4 and 72.5 in detecting inconsistencies on TACRED
and DocRED respectively. Moreover, the neighbour-aware classifiers based on
distant-peer contrastive learning and uncertain labels achieve Macro F1 up to
66.2 and 57.8 in correcting annotations on TACRED and DocRED respectively.
These improvements are not merely theoretical: Rather, automatically denoised
training sets demonstrate up to 3.6% performance improvement for
state-of-the-art relation extraction models. |
Reducing a complex two-sided smartwatch examination for Parkinson's Disease to an efficient one-sided examination preserving machine learning accuracy | Sensors from smart consumer devices have demonstrated high potential to serve
as digital biomarkers in the identification of movement disorders in recent
years. With the usage of broadly available smartwatches we have recorded
participants performing technology-based assessments in a prospective study to
research Parkinson's Disease (PD). In total, 504 participants, including PD
patients, differential diagnoses (DD) and healthy controls (HC), were captured
with a comprehensive system utilizing two smartwatches and two smartphones. To
the best of our knowledge, this study provided the largest PD sample size of
two-hand synchronous smartwatch measurements. To establish a future easy-to use
home-based assessment system in PD screening, we systematically evaluated the
performance of the system based on a significantly reduced set of assessments
with only one-sided measures and assessed, whether we can maintain
classification accuracy. |
Subsets and Splits