Unnamed: 0.1
int64 0
113k
| Unnamed: 0
float64 0
113k
⌀ | title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|---|---|
108,500 | 108,500 |
KEMP: Keyframe-Based Hierarchical End-to-End Deep Model for Long-Term
Trajectory Prediction
|
Predicting future trajectories of road agents is a critical task for
autonomous driving. Recent goal-based trajectory prediction methods, such as
DenseTNT and PECNet, have shown good performance on prediction tasks on public
datasets. However, they usually require complicated goal-selection algorithms
and optimization. In this work, we propose KEMP, a hierarchical end-to-end deep
learning framework for trajectory prediction. At the core of our framework is
keyframe-based trajectory prediction, where keyframes are representative states
that trace out the general direction of the trajectory. KEMP first predicts
keyframes conditioned on the road context, and then fills in intermediate
states conditioned on the keyframes and the road context. Under our general
framework, goal-conditioned methods are special cases in which the number of
keyframes equal to one. Unlike goal-conditioned methods, our keyframe predictor
is learned automatically and does not require hand-crafted goal-selection
algorithms. We evaluate our model on public benchmarks and our model ranked 1st
on Waymo Open Motion Dataset Leaderboard (as of September 1, 2021).
|
108,501 | 108,501 |
On some studies of Fraud Detection Pipeline and related issues from the
scope of Ensemble Learning and Graph-based Learning
|
The UK anti-fraud charity Fraud Advisory Panel (FAP) in their review of 2016
estimates business costs of fraud at 144 billion, and its individual
counterpart at 9.7 billion. Banking, insurance, manufacturing, and government
are the most common industries affected by fraud activities. Designing an
efficient fraud detection system could avoid losing the money; however,
building this system is challenging due to many difficult problems,
e.g.imbalanced data, computing costs, etc. Over the last three decades, there
are various research relates to fraud detection but no agreement on what is the
best approach to build the fraud detection system. In this thesis, we aim to
answer some questions such as i) how to build a simplified and effective Fraud
Detection System that not only easy to implement but also providing reliable
results and our proposed Fraud Detection Pipeline is a potential backbone of
the system and is easy to be extended or upgraded, ii) when to update models in
our system (and keep the accuracy stable) in order to reduce the cost of
updating process, iii) how to deal with an extreme imbalance in big data
classification problem, e.g. fraud detection, since this is the gap between two
difficult problems, iv) further, how to apply graph-based semi-supervised
learning to detect fraudulent transactions.
|
108,502 | 108,502 |
On Causality in Domain Adaptation and Semi-Supervised Learning: an
Information-Theoretic Analysis
|
The establishment of the link between causality and unsupervised domain
adaptation (UDA)/semi-supervised learning (SSL) has led to methodological
advances in these learning problems in recent years. However, a formal theory
that explains the role of causality in the generalization performance of
UDA/SSL is still lacking. In this paper, we consider the UDA/SSL setting where
we access m labeled source data and n unlabeled target data as training
instances under a parametric probabilistic model. We study the learning
performance (e.g., excess risk) of prediction in the target domain.
Specifically, we distinguish two scenarios: the learning problem is called
causal learning if the feature is the cause and the label is the effect, and is
called anti-causal learning otherwise. We show that in causal learning, the
excess risk depends on the size of the source sample at a rate of O(1/m) only
if the labelling distribution between the source and target domains remains
unchanged. In anti-causal learning, we show that the unlabeled data dominate
the performance at a rate of typically O(1/n). Our analysis is based on the
notion of potential outcome random variables and information theory. These
results bring out the relationship between the data sample size and the
hardness of the learning problem with different causal mechanisms.
|
108,503 | 108,503 |
Crypto Pump and Dump Detection via Deep Learning Techniques
|
Despite the fact that cryptocurrencies themselves have experienced an
astonishing rate of adoption over the last decade, cryptocurrency fraud
detection is a heavily under-researched problem area. Of all fraudulent
activity regarding cryptocurrencies, pump and dump schemes are some of the most
common. Though some studies have been done on these kinds of scams in the stock
market, the lack of labelled stock data and the volatility unique to the
cryptocurrency space constrains the applicability of studies on the stock
market toward this problem domain. Furthermore, the only work done in this
space thus far has been either statistical in nature, or has been concerned
with classical machine learning models such as random forest trees. We propose
the novel application of two existing neural network architectures to this
problem domain and show that deep learning solutions can significantly
outperform all other existing pump and dump detection methods for
cryptocurrencies.
|
108,504 | 108,504 |
Robust Learning of Parsimonious Deep Neural Networks
|
We propose a simultaneous learning and pruning algorithm capable of
identifying and eliminating irrelevant structures in a neural network during
the early stages of training. Thus, the computational cost of subsequent
training iterations, besides that of inference, is considerably reduced. Our
method, based on variational inference principles, learns the posterior
distribution of Bernoulli random variables multiplying the units/filters
similarly to adaptive dropout. We derive a novel hyper-prior distribution over
the prior parameters that is crucial for their optimal selection in a way that
the Bernoulli parameters practically converge to either 0 or 1 establishing a
deterministic final network. Our algorithm is robust in the sense that it
achieves consistent pruning levels and prediction accuracy regardless of weight
initialization or the size of the starting network. We provide an analysis of
its convergence properties establishing theoretical and practical pruning
conditions. We evaluate the proposed algorithm on the MNIST data set and
commonly used fully connected and convolutional LeNet architectures. The
simulations show that our method achieves pruning levels on par with state-of
the-art methods for structured pruning, while maintaining better test-accuracy
and more importantly in a manner robust with respect to network initialization
and initial size.
|
108,505 | 108,505 |
SuMe: A Dataset Towards Summarizing Biomedical Mechanisms
|
Can language models read biomedical texts and explain the biomedical
mechanisms discussed? In this work we introduce a biomedical mechanism
summarization task. Biomedical studies often investigate the mechanisms behind
how one entity (e.g., a protein or a chemical) affects another in a biological
context. The abstracts of these publications often include a focused set of
sentences that present relevant supporting statements regarding such
relationships, associated experimental evidence, and a concluding sentence that
summarizes the mechanism underlying the relationship. We leverage this
structure and create a summarization task, where the input is a collection of
sentences and the main entities in an abstract, and the output includes the
relationship and a sentence that summarizes the mechanism. Using a small amount
of manually labeled mechanism sentences, we train a mechanism sentence
classifier to filter a large biomedical abstract collection and create a
summarization dataset with 22k instances. We also introduce conclusion sentence
generation as a pretraining task with 611k instances. We benchmark the
performance of large bio-domain language models. We find that while the
pretraining task help improves performance, the best model produces acceptable
mechanism outputs in only 32% of the instances, which shows the task presents
significant challenges in biomedical language understanding and summarization.
|
108,506 | 108,506 |
A 14uJ/Decision Keyword Spotting Accelerator with In-SRAM-Computing and
On Chip Learning for Customization
|
Keyword spotting has gained popularity as a natural way to interact with
consumer devices in recent years. However, because of its always-on nature and
the variety of speech, it necessitates a low-power design as well as user
customization. This paper describes a low-power, energy-efficient keyword
spotting accelerator with SRAM based in-memory computing (IMC) and on-chip
learning for user customization. However, IMC is constrained by macro size,
limited precision, and non-ideal effects. To address the issues mentioned
above, this paper proposes bias compensation and fine-tuning using an IMC-aware
model design. Furthermore, because learning with low-precision edge devices
results in zero error and gradient values due to quantization, this paper
proposes error scaling and small gradient accumulation to achieve the same
accuracy as ideal model training. The simulation results show that with user
customization, we can recover the accuracy loss from 51.08\% to 89.76\% with
compensation and fine-tuning and further improve to 96.71\% with customization.
The chip implementation can successfully run the model with only 14$uJ$ per
decision. When compared to the state-of-the-art works, the presented design has
higher energy efficiency with additional on-chip model customization
capabilities for higher accuracy.
|
108,507 | 108,507 |
Deep Gait Tracking With Inertial Measurement Unit
|
This paper presents a convolutional neural network based foot motion tracking
with only six-axis Inertial-Measurement-Unit (IMU) sensor data. The presented
approach can adapt to various walking conditions by adopting differential and
window based input. The training data are further augmented by sliding and
random window samplings on IMU sensor data to increase data diversity for
better performance. The proposed approach fuses predictions of three
dimensional output into one model. The proposed fused model can achieve average
error of 2.30+-2.23 cm in X-axis, 0.91+-0.95 cm in Y-axis and 0.58+-0.52 cm in
Z-axis.
|
108,508 | 108,508 |
Variational Inference MPC using Normalizing Flows and
Out-of-Distribution Projection
|
We propose a Model Predictive Control (MPC) method for collision-free
navigation that uses amortized variational inference to approximate the
distribution of optimal control sequences by training a normalizing flow
conditioned on the start, goal and environment. This representation allows us
to learn a distribution that accounts for both the dynamics of the robot and
complex obstacle geometries. We can then sample from this distribution to
produce control sequences which are likely to be both goal-directed and
collision-free as part of our proposed FlowMPPI sampling-based MPC method.
However, when deploying this method, the robot may encounter an
out-of-distribution (OOD) environment, i.e. one which is radically different
from those used in training. In such cases, the learned flow cannot be trusted
to produce low-cost control sequences. To generalize our method to OOD
environments we also present an approach that performs projection on the
representation of the environment as part of the MPC process. This projection
changes the environment representation to be more in-distribution while also
optimizing trajectory quality in the true environment. Our simulation results
on a 2D double-integrator and a 3D 12DoF underactuated quadrotor suggest that
FlowMPPI with projection outperforms state-of-the-art MPC baselines on both
in-distribution and OOD environments, including OOD environments generated from
real-world data.
|
108,509 | 108,509 |
Real-Time Wearable Gait Phase Segmentation For Running And Walking
|
Previous gait phase detection as convolutional neural network (CNN) based
classification task requires cumbersome manual setting of time delay or heavy
overlapped sliding windows to accurately classify each phase under different
test cases, which is not suitable for streaming Inertial-Measurement-Unit (IMU)
sensor data and fails to adapt to different scenarios. This paper presents a
segmentation based gait phase detection with only a single six-axis IMU sensor,
which can easily adapt to both walking and running at various speeds. The
proposed segmentation uses CNN with gait phase aware receptive field setting
and IMU oriented processing order, which can fit to high sampling rate of IMU
up to 1000Hz for high accuracy and low sampling rate down to 20Hz for real time
calculation. The proposed model on the 20Hz sampling rate data can achieve
average error of 8.86 ms in swing time, 9.12 ms in stance time and 96.44\%
accuracy of gait phase detection and 99.97\% accuracy of stride detection. Its
real-time implementation on mobile phone only takes 36 ms for 1 second length
of sensor data.
|
108,510 | 108,510 |
Improving genetic risk prediction across diverse population by
disentangling ancestry representations
|
Risk prediction models using genetic data have seen increasing traction in
genomics. However, most of the polygenic risk models were developed using data
from participants with similar (mostly European) ancestry. This can lead to
biases in the risk predictors resulting in poor generalization when applied to
minority populations and admixed individuals such as African Americans. To
address this bias, largely due to the prediction models being confounded by the
underlying population structure, we propose a novel deep-learning framework
that leverages data from diverse population and disentangles ancestry from the
phenotype-relevant information in its representation. The ancestry disentangled
representation can be used to build risk predictors that perform better across
minority populations. We applied the proposed method to the analysis of
Alzheimer's disease genetics. Comparing with standard linear and nonlinear risk
prediction methods, the proposed method substantially improves risk prediction
in minority populations, particularly for admixed individuals.
|
108,511 | 108,511 |
Real-time Forecasting of Time Series in Financial Markets Using
Sequentially Trained Many-to-one LSTMs
|
Financial markets are highly complex and volatile; thus, learning about such
markets for the sake of making predictions is vital to make early alerts about
crashes and subsequent recoveries. People have been using learning tools from
diverse fields such as financial mathematics and machine learning in the
attempt of making trustworthy predictions on such markets. However, the
accuracy of such techniques had not been adequate until artificial neural
network (ANN) frameworks were developed. Moreover, making accurate real-time
predictions of financial time series is highly subjective to the ANN
architecture in use and the procedure of training it. Long short-term memory
(LSTM) is a member of the recurrent neural network family which has been widely
utilized for time series predictions. Especially, we train two LSTMs with a
known length, say $T$ time steps, of previous data and predict only one time
step ahead. At each iteration, while one LSTM is employed to find the best
number of epochs, the second LSTM is trained only for the best number of epochs
to make predictions. We treat the current prediction as in the training set for
the next prediction and train the same LSTM. While classic ways of training
result in more error when the predictions are made further away in the test
period, our approach is capable of maintaining a superior accuracy as training
increases when it proceeds through the testing period. The forecasting accuracy
of our approach is validated using three time series from each of the three
diverse financial markets: stock, cryptocurrency, and commodity. The results
are compared with those of an extended Kalman filter, an autoregressive model,
and an autoregressive integrated moving average model.
|
108,512 | 108,512 |
OTFPF: Optimal Transport-Based Feature Pyramid Fusion Network for Brain
Age Estimation with 3D Overlapped ConvNeXt
|
Chronological age of healthy brain is able to be predicted using deep neural
networks from T1-weighted magnetic resonance images (T1 MRIs), and the
predicted brain age could serve as an effective biomarker for detecting
aging-related diseases or disorders. In this paper, we propose an end-to-end
neural network architecture, referred to as optimal transport based feature
pyramid fusion (OTFPF) network, for the brain age estimation with T1 MRIs. The
OTFPF consists of three types of modules: Optimal Transport based Feature
Pyramid Fusion (OTFPF) module, 3D overlapped ConvNeXt (3D OL-ConvNeXt) module
and fusion module. These modules strengthen the OTFPF network's understanding
of each brain's semi-multimodal and multi-level feature pyramid information,
and significantly improve its estimation performances. Comparing with recent
state-of-the-art models, the proposed OTFPF converges faster and performs
better. The experiments with 11,728 MRIs aged 3-97 years show that OTFPF
network could provide accurate brain age estimation, yielding mean absolute
error (MAE) of 2.097, Pearson's correlation coefficient (PCC) of 0.993 and
Spearman's rank correlation coefficient (SRCC) of 0.989, between the estimated
and chronological ages. Widespread quantitative experiments and ablation
experiments demonstrate the superiority and rationality of OTFPF network. The
codes and implement details will be released on GitHub:
https://github.com/ZJU-Brain/OTFPF after final decision.
|
108,513 | 108,513 |
DNS based In-Browser Cryptojacking Detection
|
The metadata aspect of Domain Names (DNs) enables us to perform a behavioral
study of DNs and detect if a DN is involved in in-browser cryptojacking. Thus,
we are motivated to study different temporal and behavioral aspects of DNs
involved in cryptojacking. We use temporal features such as query frequency and
query burst along with graph-based features such as degree and diameter, and
non-temporal features such as the string-based to detect if a DNs is suspect to
be involved in the in-browser cryptojacking. Then, we use them to train the
Machine Learning (ML) algorithms over different temporal granularities such as
2 hours datasets and complete dataset. Our results show DecisionTrees
classifier performs the best with 59.5% Recall on cryptojacked DN, while for
unsupervised learning, K-Means with K=2 perform the best. Similarity analysis
of the features reveals a minimal divergence between the cryptojacking DNs and
other already known malicious DNs. It also reveals the need for improvements in
the feature set of state-of-the-art methods to improve their accuracy in
detecting in-browser cryptojacking. As added analysis, our signature-based
analysis identifies that none-of-the Indian Government websites were involved
in cryptojacking during October-December 2021. However, based on the resource
utilization, we identify 10 DNs with different properties than others.
|
108,514 | 108,514 |
Stabilized Doubly Robust Learning for Recommendation on Data Missing Not
at Random
|
In recommender systems, users always choose the favorite items to rate, which
leads to data missing not at random and poses a great challenge for unbiased
evaluation and learning of prediction models. Currently, the doubly robust (DR)
method and its variants have been widely studied and demonstrate superior
performance. However, in this paper, we show that DR methods are unstable and
have unbounded bias, variance, and generalization bounds to extremely small
propensities. Moreover, the fact that DR relies more on extrapolation will lead
to suboptimal performance. To address the above limitations while retaining
double robustness, we propose a stabilized doubly robust (SDR) estimator with a
weaker reliance on extrapolation. Theoretical analysis shows that SDR has
bounded bias, variance, and generalization error bound simultaneously under
inaccurate imputed errors and arbitrarily small propensities. In addition, we
propose a novel learning approach for SDR that updates the imputation,
propensity, and prediction models cyclically, achieving more stable and
accurate predictions. Extensive experiments show that our approaches
significantly outperform the existing methods.
|
108,515 | 108,515 |
Training Personalized Recommendation Systems from (GPU) Scratch: Look
Forward not Backwards
|
Personalized recommendation models (RecSys) are one of the most popular
machine learning workload serviced by hyperscalers. A critical challenge of
training RecSys is its high memory capacity requirements, reaching hundreds of
GBs to TBs of model size. In RecSys, the so-called embedding layers account for
the majority of memory usage so current systems employ a hybrid CPU-GPU design
to have the large CPU memory store the memory hungry embedding layers.
Unfortunately, training embeddings involve several memory bandwidth intensive
operations which is at odds with the slow CPU memory, causing performance
overheads. Prior work proposed to cache frequently accessed embeddings inside
GPU memory as means to filter down the embedding layer traffic to CPU memory,
but this paper observes several limitations with such cache design. In this
work, we present a fundamentally different approach in designing embedding
caches for RecSys. Our proposed ScratchPipe architecture utilizes unique
properties of RecSys training to develop an embedding cache that not only sees
the past but also the "future" cache accesses. ScratchPipe exploits such
property to guarantee that the active working set of embedding layers can
"always" be captured inside our proposed cache design, enabling embedding layer
training to be conducted at GPU memory speed.
|
108,516 | 108,516 |
SmartSAGE: Training Large-scale Graph Neural Networks using In-Storage
Processing Architectures
|
Graph neural networks (GNNs) can extract features by learning both the
representation of each objects (i.e., graph nodes) and the relationship across
different objects (i.e., the edges that connect nodes), achieving
state-of-the-art performance in various graph-based tasks. Despite its
strengths, utilizing these algorithms in a production environment faces several
challenges as the number of graph nodes and edges amount to several billions to
hundreds of billions scale, requiring substantial storage space for training.
Unfortunately, state-of-the-art ML frameworks employ an in-memory processing
model which significantly hampers the productivity of ML practitioners as it
mandates the overall working set to fit within DRAM capacity. In this work, we
first conduct a detailed characterization on a state-of-the-art, large-scale
GNN training algorithm, GraphSAGE. Based on the characterization, we then
explore the feasibility of utilizing capacity-optimized NVM SSDs for storing
memory-hungry GNN data, which enables large-scale GNN training beyond the
limits of main memory size. Given the large performance gap between DRAM and
SSD, however, blindly utilizing SSDs as a direct substitute for DRAM leads to
significant performance loss. We therefore develop SmartSAGE, our
software/hardware co-design based on an in-storage processing (ISP)
architecture. Our work demonstrates that an ISP based large-scale GNN training
system can achieve both high capacity storage and high performance, opening up
opportunities for ML practitioners to train large GNN datasets without being
hampered by the physical limitations of main memory size.
|
108,517 | 108,517 |
Knowledge Augmented Machine Learning with Applications in Autonomous
Driving: A Survey
|
The existence of representative datasets is a prerequisite of many successful
artificial intelligence and machine learning models. However, the subsequent
application of these models often involves scenarios that are inadequately
represented in the data used for training. The reasons for this are manifold
and range from time and cost constraints to ethical considerations. As a
consequence, the reliable use of these models, especially in safety-critical
applications, is a huge challenge. Leveraging additional, already existing
sources of knowledge is key to overcome the limitations of purely data-driven
approaches, and eventually to increase the generalization capability of these
models. Furthermore, predictions that conform with knowledge are crucial for
making trustworthy and safe decisions even in underrepresented scenarios. This
work provides an overview of existing techniques and methods in the literature
that combine data-based models with existing knowledge. The identified
approaches are structured according to the categories integration, extraction
and conformity. Special attention is given to applications in the field of
autonomous driving.
|
108,518 | 108,518 |
Serving and Optimizing Machine Learning Workflows on Heterogeneous
Infrastructures
|
With the advent of ubiquitous deployment of smart devices and the Internet of
Things, data sources for machine learning inference have increasingly moved to
the edge of the network. Existing machine learning inference platforms
typically assume a homogeneous infrastructure and do not take into account the
more complex and tiered computing infrastructure that includes edge devices,
local hubs, edge datacenters, and cloud datacenters. On the other hand, recent
machine learning efforts have provided viable solutions for model compression,
pruning and quantization for heterogeneous environments; for a machine learning
model, now we may easily find or even generate a series of models with
different tradeoffs between accuracy and efficiency.
We design and implement JellyBean, a framework for serving and optimizing
machine learning inference workflows on heterogeneous infrastructures. Given
service-level objectives (e.g., throughput, accuracy), JellyBean automatically
selects the most cost-efficient models that met the accuracy target and decides
how to deploy them across different tiers of infrastructures. Evaluations show
that JellyBean reduces the total serving cost of visual question answering by
up to 58%, and vehicle tracking from the NVIDIA AI City Challenge by up to 36%
compared with state-of-the-art model selection and worker assignment solutions.
JellyBean also outperforms prior ML serving systems (e.g., Spark on the cloud)
up to 5x in serving costs.
|
108,519 | 108,519 |
Weakly-supervised segmentation of referring expressions
|
Visual grounding localizes regions (boxes or segments) in the image
corresponding to given referring expressions. In this work we address image
segmentation from referring expressions, a problem that has so far only been
addressed in a fully-supervised setting. A fully-supervised setup, however,
requires pixel-wise supervision and is hard to scale given the expense of
manual annotation. We therefore introduce a new task of weakly-supervised image
segmentation from referring expressions and propose Text grounded semantic
SEGgmentation (TSEG) that learns segmentation masks directly from image-level
referring expressions without pixel-level annotations. Our transformer-based
method computes patch-text similarities and guides the classification objective
during training with a new multi-label patch assignment mechanism. The
resulting visual grounding model segments image regions corresponding to given
natural language expressions. Our approach TSEG demonstrates promising results
for weakly-supervised referring expression segmentation on the challenging
PhraseCut and RefCOCO datasets. TSEG also shows competitive performance when
evaluated in a zero-shot setting for semantic segmentation on Pascal VOC.
|
108,520 | 108,520 |
Theory of Quantum Generative Learning Models with Maximum Mean
Discrepancy
|
The intrinsic probabilistic nature of quantum mechanics invokes endeavors of
designing quantum generative learning models (QGLMs) with computational
advantages over classical ones. To date, two prototypical QGLMs are quantum
circuit Born machines (QCBMs) and quantum generative adversarial networks
(QGANs), which approximate the target distribution in explicit and implicit
ways, respectively. Despite the empirical achievements, the fundamental theory
of these models remains largely obscure. To narrow this knowledge gap, here we
explore the learnability of QCBMs and QGANs from the perspective of
generalization when their loss is specified to be the maximum mean discrepancy.
Particularly, we first analyze the generalization ability of QCBMs and identify
their superiorities when the quantum devices can directly access the target
distribution and the quantum kernels are employed. Next, we prove how the
generalization error bound of QGANs depends on the employed Ansatz, the number
of qudits, and input states. This bound can be further employed to seek
potential quantum advantages in Hamiltonian learning tasks. Numerical results
of QGLMs in approximating quantum states, Gaussian distribution, and ground
states of parameterized Hamiltonians accord with the theoretical analysis. Our
work opens the avenue for quantitatively understanding the power of quantum
generative learning models.
|
108,521 | 108,521 |
Explainable Data Imputation using Constraints
|
Data values in a dataset can be missing or anomalous due to mishandling or
human error. Analysing data with missing values can create bias and affect the
inferences. Several analysis methods, such as principle components analysis or
singular value decomposition, require complete data. Many approaches impute
numeric data and some do not consider dependency of attributes on other
attributes, while some require human intervention and domain knowledge. We
present a new algorithm for data imputation based on different data type values
and their association constraints in data, which are not handled currently by
any system. We show experimental results using different metrics comparing our
algorithm with state of the art imputation techniques. Our algorithm not only
imputes the missing values but also generates human readable explanations
describing the significance of attributes used for every imputation.
|
108,522 | 108,522 |
AI training resources for GLAM: a snapshot
|
We take a snapshot of current resources available for teaching and learning
AI with a focus on the Galleries, Libraries, Archives and Museums (GLAM)
community. The review was carried out in 2021 and 2022. The review provides an
overview of material we identified as being relevant, offers a description of
this material and makes recommendations for future work in this area.
|
108,523 | 108,523 |
Flow Completion Network: Inferring the Fluid Dynamics from Incomplete
Flow Information using Graph Neural Networks
|
This paper introduces a novel neural network -- the flow completion network
(FCN) -- to infer the fluid dynamics, including the flow field and the force
acting on the body, from the incomplete data based on Graph Convolution
Attention Network. The FCN is composed of several graph convolution layers and
spatial attention layers. It is designed to infer the velocity field and the
vortex force contribution of the flow field when combined with the vortex force
map (VFM) method. Compared with other neural networks adopted in fluid
dynamics, the FCN is capable of dealing with both structured data and
unstructured data. The performance of the proposed FCN is assessed by the
computational fluid dynamics (CFD) data on the flow field around a circular
cylinder. The force coefficients predicted by our model are validated against
those obtained directly from CFD. Moreover, it is shown that our model
effectively utilizes the existing flow field information and the gradient
information simultaneously, giving a better performance than the traditional
CNN-based and DNN-based models.
|
108,524 | 108,524 |
Deep learning based Chinese text sentiment mining and stock market
correlation research
|
We explore how to crawl financial forum data such as stock bars and combine
them with deep learning models for sentiment analysis. In this paper, we will
use the BERT model to train against the financial corpus and predict the SZSE
Component Index, and find that applying the BERT model to the financial corpus
through the maximum information coefficient comparison study. The obtained
sentiment features will be able to reflect the fluctuations in the stock market
and help to improve the prediction accuracy effectively. Meanwhile, this paper
combines deep learning with financial text, in further exploring the mechanism
of investor sentiment on stock market through deep learning method, which will
be beneficial for national regulators and policy departments to develop more
reasonable policy guidelines for maintaining the stability of stock market.
|
108,525 | 108,525 |
A spatial-temporal short-term traffic flow prediction model based on
dynamical-learning graph convolution mechanism
|
Short-term traffic flow prediction is a vital branch of the Intelligent
Traffic System (ITS) and plays an important role in traffic management. Graph
convolution network (GCN) is widely used in traffic prediction models to better
deal with the graphical structure data of road networks. However, the influence
weights among different road sections are usually distinct in real life, and
hard to be manually analyzed. Traditional GCN mechanism, relying on
manually-set adjacency matrix, is unable to dynamically learn such spatial
pattern during the training. To deal with this drawback, this paper proposes a
novel location graph convolutional network (Location-GCN). Location-GCN solves
this problem by adding a new learnable matrix into the GCN mechanism, using the
absolute value of this matrix to represent the distinct influence levels among
different nodes. Then, long short-term memory (LSTM) is employed in the
proposed traffic prediction model. Moreover, Trigonometric function encoding is
used in this study to enable the short-term input sequence to convey the
long-term periodical information. Ultimately, the proposed model is compared
with the baseline models and evaluated on two real word traffic flow datasets.
The results show our model is more accurate and robust on both datasets than
other representative traffic prediction models.
|
108,526 | 108,526 |
Explainable Deep Learning Methods in Medical Imaging Diagnosis: A Survey
|
The remarkable success of deep learning has prompted interest in its
application to medical imaging diagnosis. Even though state-of-the-art deep
learning models have achieved human-level accuracy on the classification of
different types of medical data, these models are hardly adopted in clinical
workflows, mainly due to their lack of interpretability. The black-box-ness of
deep learning models has raised the need for devising strategies to explain the
decision process of these models, leading to the creation of the topic of
eXplainable Artificial Intelligence (XAI). In this context, we provide a
thorough survey of XAI applied to medical imaging diagnosis, including visual,
textual, example-based and concept-based explanation methods. Moreover, this
work reviews the existing medical imaging datasets and the existing metrics for
evaluating the quality of the explanations. In addition, we include a
performance comparison among a set of report generation-based methods. Finally,
the major challenges in applying XAI to medical imaging and the future research
directions on the topic are also discussed.
|
108,527 | 108,527 |
Spike-based computational models of bio-inspired memories in the
hippocampal CA3 region on SpiNNaker
|
The human brain is the most powerful and efficient machine in existence
today, surpassing in many ways the capabilities of modern computers. Currently,
lines of research in neuromorphic engineering are trying to develop hardware
that mimics the functioning of the brain to acquire these superior
capabilities. One of the areas still under development is the design of
bio-inspired memories, where the hippocampus plays an important role. This
region of the brain acts as a short-term memory with the ability to store
associations of information from different sensory streams in the brain and
recall them later. This is possible thanks to the recurrent collateral network
architecture that constitutes CA3, the main sub-region of the hippocampus. In
this work, we developed two spike-based computational models of fully
functional hippocampal bio-inspired memories for the storage and recall of
complex patterns implemented with spiking neural networks on the SpiNNaker
hardware platform. These models present different levels of biological
abstraction, with the first model having a constant oscillatory activity closer
to the biological model, and the second one having an energy-efficient
regulated activity, which, although it is still bio-inspired, opts for a more
functional approach. Different experiments were performed for each of the
models, in order to test their learning/recalling capabilities. A comprehensive
comparison between the functionality and the biological plausibility of the
presented models was carried out, showing their strengths and weaknesses. The
two models, which are publicly available for researchers, could pave the way
for future spike-based implementations and applications.
|
108,528 | 108,528 |
Matrix and graph representations of vine copula structures
|
Vine copulas can efficiently model a large portion of probability
distributions. This paper focuses on a more thorough understanding of their
structures. We are building on well-known existing constructions to represent
vine copulas with graphs as well as matrices. The graph representations include
the regular, cherry and chordal graph sequence structures, which we show
equivalence between. Importantly we also show that when a perfect elimination
ordering of a vine structure is given, then it can always be uniquely
represented with a matrix. O. M. N\'apoles has shown a way to represent them in
a matrix, and we algorithmify this previous approach, while also showing a new
method for constructing such a matrix, through cherry tree sequences. Lastly,
we prove that these two matrix-building algorithms are equivalent if the same
perfect elimination ordering is being used.
|
108,529 | 108,529 |
Don't Throw it Away! The Utility of Unlabeled Data in Fair Decision
Making
|
Decision making algorithms, in practice, are often trained on data that
exhibits a variety of biases. Decision-makers often aim to take decisions based
on some ground-truth target that is assumed or expected to be unbiased, i.e.,
equally distributed across socially salient groups. In many practical settings,
the ground-truth cannot be directly observed, and instead, we have to rely on a
biased proxy measure of the ground-truth, i.e., biased labels, in the data. In
addition, data is often selectively labeled, i.e., even the biased labels are
only observed for a small fraction of the data that received a positive
decision. To overcome label and selection biases, recent work proposes to learn
stochastic, exploring decision policies via i) online training of new policies
at each time-step and ii) enforcing fairness as a constraint on performance.
However, the existing approach uses only labeled data, disregarding a large
amount of unlabeled data, and thereby suffers from high instability and
variance in the learned decision policies at different times. In this paper, we
propose a novel method based on a variational autoencoder for practical fair
decision-making. Our method learns an unbiased data representation leveraging
both labeled and unlabeled data and uses the representations to learn a policy
in an online process. Using synthetic data, we empirically validate that our
method converges to the optimal (fair) policy according to the ground-truth
with low variance. In real-world experiments, we further show that our training
approach not only offers a more stable learning process but also yields
policies with higher fairness as well as utility than previous approaches.
|
108,530 | 108,530 |
Designing a Recurrent Neural Network to Learn a Motion Planner for
High-Dimensional Inputs
|
The use of machine learning in the self-driving industry has boosted a number
of recent advancements. In particular, the usage of large deep learning models
in the perception and prediction stack have proved quite successful, but there
still lacks significant literature on the use of machine learning in the
planning stack. The current state of the art in the planning stack often relies
on fast constrained optimization or rule-based approaches. Both of these
techniques fail to address a significant number of fundamental problems that
would allow the vehicle to operate more similarly to that of human drivers. In
this paper, we attempt to design a basic deep learning system to approach this
problem. Furthermore, the main underlying goal of this paper is to demonstrate
the potential uses of machine learning in the planning stack for autonomous
vehicles (AV) and provide a baseline work for ongoing and future research.
|
108,531 | 108,531 |
Reconstruction Enhanced Multi-View Contrastive Learning for Anomaly
Detection on Attributed Networks
|
Detecting abnormal nodes from attributed networks is of great importance in
many real applications, such as financial fraud detection and cyber security.
This task is challenging due to both the complex interactions between the
anomalous nodes with other counterparts and their inconsistency in terms of
attributes. This paper proposes a self-supervised learning framework that
jointly optimizes a multi-view contrastive learning-based module and an
attribute reconstruction-based module to more accurately detect anomalies on
attributed networks. Specifically, two contrastive learning views are firstly
established, which allow the model to better encode rich local and global
information related to the abnormality. Motivated by the attribute consistency
principle between neighboring nodes, a masked autoencoder-based reconstruction
module is also introduced to identify the nodes which have large reconstruction
errors, then are regarded as anomalies. Finally, the two complementary modules
are integrated for more accurately detecting the anomalous nodes. Extensive
experiments conducted on five benchmark datasets show our model outperforms
current state-of-the-art models.
|
108,532 | 108,532 |
Cognitive Visual-learning Environment for PostgreSQL
|
PostgreSQL is an object-relational database (ORDBMS) that was introduced into
the database community and has been avidly used for a variety of information
extraction use cases. It is also known to be an advanced SQL-compliant open
source Object RDBMS. However, users have not yet resolved to PostgreSQL due to
the fact that it is still under the layers and the complexity of its persistent
textual environment for an amateur user. Hence, there is a dire need to provide
an easy environment for users to comprehend the procedure and standards with
which databases are created, tables and the relationships among them,
manipulating queries and their flow based on conditions in PostgreSQL. As such,
this project identifies the dominant features offered by Postgresql, analyzes
the constraints that exist in the database user community in migrating to
PostgreSQL and based on the scope and constraints identified, develop a system
that will serve as a query generation platform as well as a learning tool that
will provide an interactive environment to cognitively learn PostgreSQL query
building. This is achieved using a visual editor incorporating a textual editor
for a well-versed user. By providing visually-draggable query components to
work with, this research aims to offer a cognitive, visual and tactile
environment where users can interactively learn PostgreSQL query generation.
|
108,533 | 108,533 |
Secure Distributed/Federated Learning: Prediction-Privacy Trade-Off for
Multi-Agent System
|
Decentralized learning is an efficient emerging paradigm for boosting the
computing capability of multiple bounded computing agents. In the big data era,
performing inference within the distributed and federated learning (DL and FL)
frameworks, the central server needs to process a large amount of data while
relying on various agents to perform multiple distributed training tasks.
Considering the decentralized computing topology, privacy has become a
first-class concern. Moreover, assuming limited information processing
capability for the agents calls for a sophisticated \textit{privacy-preserving
decentralization} that ensures efficient computation. Towards this end, we
study the \textit{privacy-aware server to multi-agent assignment} problem
subject to information processing constraints associated with each agent, while
maintaining the privacy and assuring learning informative messages received by
agents about a global terminal through the distributed private federated
learning (DPFL) approach. To find a decentralized scheme for a two-agent
system, we formulate an optimization problem that balances privacy and
accuracy, taking into account the quality of compression constraints associated
with each agent. We propose an iterative converging algorithm by alternating
over self-consistent equations. We also numerically evaluate the proposed
solution to show the privacy-prediction trade-off and demonstrate the efficacy
of the novel approach in ensuring privacy in DL and FL.
|
108,534 | 108,534 |
Universal Caching
|
In the learning literature, the performance of an online policy is commonly
measured in terms of the static regret metric, which compares the cumulative
loss of an online policy to that of an optimal benchmark in hindsight. In the
definition of static regret, the benchmark policy remains fixed throughout the
time horizon. Naturally, the resulting regret bounds become loose in
non-stationary settings where fixed benchmarks often suffer from poor
performance. In this paper, we investigate a stronger notion of regret
minimization in the context of an online caching problem. In particular, we
allow the action of the offline benchmark at any round to be decided by a
finite state predictor containing arbitrarily many states. Using ideas from the
universal prediction literature in information theory, we propose an efficient
online caching policy with an adaptive sub-linear regret bound. To the best of
our knowledge, this is the first data-dependent regret bound known for the
universal caching problem. We establish this result by combining a
recently-proposed online caching policy with an incremental parsing algorithm,
e.g., Lempel-Ziv '78. Our methods also yield a simpler learning-theoretic proof
of the improved regret bound as opposed to the more involved and
problem-specific combinatorial arguments used in the earlier works.
|
108,535 | 108,535 |
THOR: Threshold-Based Ranking Loss for Ordinal Regression
|
In this work, we present a regression-based ordinal regression algorithm for
supervised classification of instances into ordinal categories. In contrast to
previous methods, in this work the decision boundaries between categories are
predefined, and the algorithm learns to project the input examples onto their
appropriate scores according to these predefined boundaries. This is achieved
by adding a novel threshold-based pairwise loss function that aims at
minimizing the regression error, which in turn minimizes the Mean Absolute
Error (MAE) measure. We implemented our proposed architecture-agnostic method
using the CNN-framework for feature extraction. Experimental results on five
real-world benchmarks demonstrate that the proposed algorithm achieves the best
MAE results compared to state-of-the-art ordinal regression algorithms.
|
108,536 | 108,536 |
Accelerated functional brain aging in major depressive disorder:
evidence from a large scale fMRI analysis of Chinese participants
|
Major depressive disorder (MDD) is one of the most common mental health
conditions that has been intensively investigated for its association with
brain atrophy and mortality. Recent studies reveal that the deviation between
the predicted and the chronological age can be a marker of accelerated brain
aging to characterize MDD. However, current conclusions are usually drawn based
on structural MRI information collected from Caucasian participants. The
universality of this biomarker needs to be further validated by subjects with
different ethnic/racial backgrounds and by different types of data. Here we
make use of the REST-meta-MDD, a large scale resting-state fMRI dataset
collected from multiple cohort participants in China. We develop a stacking
machine learning model based on 1101 healthy controls, which estimates a
subject's chronological age from fMRI with promising accuracy. The trained
model is then applied to 1276 MDD patients from 24 sites. We observe that MDD
patients exhibit a $+4.43$ years ($\text{$p$} < 0.0001$, $\text{Cohen's $d$} =
0.35$, $\text{95\% CI}:1.86 - 3.91$) higher brain-predicted age difference
(brain-PAD) compared to controls. In the MDD subgroup, we observe a
statistically significant $+2.09$ years ($\text{$p$} < 0.05$, $\text{Cohen's
$d$} = 0.134483$) brain-PAD in antidepressant users compared to medication-free
patients. The statistical relationship observed is further checked by three
different machine learning algorithms. The positive brain-PAD observed in
participants in China confirms the presence of accelerated brain aging in MDD
patients. The utilization of functional brain connectivity for age estimation
verifies existing findings from a new dimension.
|
108,537 | 108,537 |
Turtle Score -- Similarity Based Developer Analyzer
|
In day-to-day life, a highly demanding task for IT companies is to find the
right candidates who fit the companies' culture. This research aims to
comprehend, analyze and automatically produce convincing outcomes to find a
candidate who perfectly fits right in the company. Data is examined and
collected for each employee who works in the IT domain focusing on their
performance measure. This is done based on various different categories which
bring versatility and a wide view of focus. To this data, learner analysis is
done using machine learning algorithms to obtain learner similarity and
developer similarity in order to recruit people with identical working
patterns. It's been proven that the efficiency and capability of a particular
worker go higher when working with a person of a similar personality. Therefore
this will serve as a useful tool for recruiters who aim to recruit people with
high productivity. This is to say that the model designed will render the best
outcome possible with high accuracy and an immaculate recommendation score.
|
108,538 | 108,538 |
Hyperparameter optimization of hybrid quantum neural networks for car
classification
|
Image recognition is one of the primary applications of machine learning
algorithms. Nevertheless, machine learning models used in modern image
recognition systems consist of millions of parameters that usually require
significant computational time to be adjusted. Moreover, adjustment of model
hyperparameters leads to additional overhead. Because of this, new developments
in machine learning models and hyperparameter optimization techniques are
required. This paper presents a quantum-inspired hyperparameter optimization
technique and a hybrid quantum-classical machine learning model for supervised
learning. We benchmark our hyperparameter optimization method over standard
black-box objective functions and observe performance improvements in the form
of reduced expected run times and fitness in response to the growth in the size
of the search space. We test our approaches in a car image classification task,
and demonstrate a full-scale implementation of the hybrid quantum neural
network model with the tensor train hyperparameter optimization. Our tests show
a qualitative and quantitative advantage over the corresponding standard
classical tabular grid search approach used with a deep neural network
ResNet34. A classification accuracy of 0.97 was obtained by the hybrid model
after 18 iterations, whereas the classical model achieved an accuracy of 0.92
after 75 iterations.
|
108,539 | 108,539 |
Adaptive Graph Convolutional Network Framework for Multidimensional Time
Series Prediction
|
In the real world, long sequence time-series forecasting (LSTF) is needed in
many cases, such as power consumption prediction and air quality
prediction.Multi-dimensional long time series model has more strict
requirements on the model, which not only needs to effectively capture the
accurate long-term dependence between input and output, but also needs to
capture the relationship between data of different dimensions.Recent research
shows that the Informer model based on Transformer has achieved excellent
performance in long time series prediction.However, this model still has some
deficiencies in multidimensional prediction,it cannot capture the relationship
between different dimensions well. We improved Informer to address its
shortcomings in multidimensional forecasting. First,we introduce an adaptive
graph neural network to capture hidden dimension dependencies in mostly time
series prediction. Secondly,we integrate adaptive graph convolutional networks
into various spatio-temporal series prediction models to solve the defect that
they cannot capture the relationship between different dimensions.
Thirdly,After experimental testing with multiple data sets, the accuracy of our
framework improved by about 10\% after being introduced into the model.
|
108,540 | 108,540 |
Impact of L1 Batch Normalization on Analog Noise Resistant Property of
Deep Learning Models
|
Analog hardware has become a popular choice for machine learning on
resource-constrained devices recently due to its fast execution and energy
efficiency. However, the inherent presence of noise in analog hardware and the
negative impact of the noise on deployed deep neural network (DNN) models limit
their usage. The degradation in performance due to the noise calls for the
novel design of DNN models that have excellent noiseresistant property,
leveraging the properties of the fundamental building block of DNN models. In
this work, the use of L1 or TopK BatchNorm type, a fundamental DNN model
building block, in designing DNN models with excellent noise-resistant property
is proposed. Specifically, a systematic study has been carried out by training
DNN models with L1/TopK BatchNorm type, and the performance is compared with
DNN models with L2 BatchNorm types. The resulting model noise-resistant
property is tested by injecting additive noise to the model weights and
evaluating the new model inference accuracy due to the noise. The results show
that L1 and TopK BatchNorm type has excellent noise-resistant property, and
there is no sacrifice in performance due to the change in the BatchNorm type
from L2 to L1/TopK BatchNorm type.
|
108,541 | 108,541 |
Search-Based Testing of Reinforcement Learning
|
Evaluation of deep reinforcement learning (RL) is inherently challenging.
Especially the opaqueness of learned policies and the stochastic nature of both
agents and environments make testing the behavior of deep RL agents difficult.
We present a search-based testing framework that enables a wide range of novel
analysis capabilities for evaluating the safety and performance of deep RL
agents. For safety testing, our framework utilizes a search algorithm that
searches for a reference trace that solves the RL task. The backtracking states
of the search, called boundary states, pose safety-critical situations. We
create safety test-suites that evaluate how well the RL agent escapes
safety-critical situations near these boundary states. For robust performance
testing, we create a diverse set of traces via fuzz testing. These fuzz traces
are used to bring the agent into a wide variety of potentially unknown states
from which the average performance of the agent is compared to the average
performance of the fuzz traces. We apply our search-based testing approach on
RL for Nintendo's Super Mario Bros.
|
108,542 | 108,542 |
GRU-TV: Time- and velocity-aware GRU for patient representation on
multivariate clinical time-series data
|
Electronic health records (EHRs) provide a rich repository to track a
patient's health status. EHRs seek to fully document the patient's
physiological status, and include data that is is high dimensional,
heterogeneous, and multimodal. The significant differences in the sampling
frequency of clinical variables can result in high missing rates and uneven
time intervals between adjacent records in the multivariate clinical
time-series data extracted from EHRs. Current studies using clinical
time-series data for patient characterization view the patient's physiological
status as a discrete process described by sporadically collected values, while
the dynamics in patient's physiological status are time-continuous. In
addition, recurrent neural networks (RNNs) models widely used for patient
representation learning lack the perception of time intervals and velocity,
which limits the ability of the model to represent the physiological status of
the patient.
In this paper, we propose an improved gated recurrent unit (GRU), namely
time- and velocity-aware GRU (GRU-TV), for patient representation learning of
clinical multivariate time-series data in a time-continuous manner. In proposed
GRU-TV, the neural ordinary differential equations (ODEs) and velocity
perception mechanism are used to perceive the time interval between records in
the time-series data and changing rate of the patient's physiological status,
respectively. Experimental results on two real-world clinical EHR
datasets(PhysioNet2012, MIMIC-III) show that GRU-TV achieve state-of-the-art
performance in computer aided diagnosis (CAD) tasks, and is more advantageous
in processing sampled data.
|
108,543 | 108,543 |
Adjusted Expected Improvement for Cumulative Regret Minimization in
Noisy Bayesian Optimization
|
The expected improvement (EI) is one of the most popular acquisition
functions for Bayesian optimization (BO) and has demonstrated good empirical
performances in many applications for the minimization of simple regret.
However, under the evaluation metric of cumulative regret, the performance of
EI may not be competitive, and its existing theoretical regret upper bound
still has room for improvement. To adapt the EI for better performance under
cumulative regret, we introduce a novel quantity called the evaluation cost
which is compared against the acquisition function, and with this, develop the
expected improvement-cost (EIC) algorithm. In each iteration of EIC, a new
point with the largest acquisition function value is sampled, only if that
value exceeds its evaluation cost. If none meets this criteria, the current
best point is resampled. This evaluation cost quantifies the potential downside
of sampling a point, which is important under the cumulative regret metric as
the objective function value in every iteration affects the performance
measure. We further establish in theory a tight regret upper bound of EIC for
the squared-exponential covariance kernel under mild regularity conditions, and
perform experiments to illustrate the improvement of EIC over several popular
BO algorithms.
|
108,544 | 108,544 |
Hybrid Far- and Near-Field Channel Estimation for THz Ultra-Massive MIMO
via Fixed Point Networks
|
Terahertz ultra-massive multiple-input multiple-output (THz UM-MIMO) is
envisioned as one of the key enablers of 6G wireless systems. Due to the joint
effect of its large array aperture and small wavelength, the near-field region
of THz UM-MIMO systems is greatly enlarged. The high-dimensional channel of
such systems thus consists of a stochastic mixture of far and near fields,
which renders channel estimation extremely challenging. Previous works based on
uni-field assumptions cannot capture the hybrid far- and near-field features,
and will suffer significant performance loss. This motivates us to consider
hybrid-field channel estimation. We draw inspirations from fixed point theory
to develop an efficient deep learning based channel estimator with adaptive
complexity and linear convergence guarantee. Built upon classic orthogonal
approximate message passing, we transform each iteration into a contractive
mapping, comprising a closed-form linear estimator and a neural network based
non-linear estimator. A major algorithmic innovation involves applying fixed
point iteration to compute the channel estimate while modeling neural networks
with arbitrary depth and adapting to the hybrid-field channel conditions.
Simulation results will verify our theoretical analysis and show significant
performance gains over state-of-the-art approaches in the estimation accuracy
and convergence rate.
|
108,545 | 108,545 |
ALLSH: Active Learning Guided by Local Sensitivity and Hardness
|
Active learning, which effectively collects informative unlabeled data for
annotation, reduces the demand for labeled data. In this work, we propose to
retrieve unlabeled samples with a local sensitivity and hardness-aware
acquisition function. The proposed method generates data copies through local
perturbations and selects data points whose predictive likelihoods diverge the
most from their copies. We further empower our acquisition function by
injecting the select-worst case perturbation. Our method achieves consistent
gains over the commonly used active learning strategies in various
classification tasks. Furthermore, we observe consistent improvements over the
baselines on the study of prompt selection in prompt-based few-shot learning.
These experiments demonstrate that our acquisition guided by local sensitivity
and hardness can be effective and beneficial for many NLP tasks.
|
108,546 | 108,546 |
Disentangling A Single MR Modality
|
Disentangling anatomical and contrast information from medical images has
gained attention recently, demonstrating benefits for various image analysis
tasks. Current methods learn disentangled representations using either paired
multi-modal images with the same underlying anatomy or auxiliary labels (e.g.,
manual delineations) to provide inductive bias for disentanglement. However,
these requirements could significantly increase the time and cost in data
collection and limit the applicability of these methods when such data are not
available. Moreover, these methods generally do not guarantee disentanglement.
In this paper, we present a novel framework that learns theoretically and
practically superior disentanglement from single modality magnetic resonance
images. Moreover, we propose a new information-based metric to quantitatively
evaluate disentanglement. Comparisons over existing disentangling methods
demonstrate that the proposed method achieves superior performance in both
disentanglement and cross-domain image-to-image translation tasks.
|
108,547 | 108,547 |
Exploring Viable Algorithmic Options for Learning from Demonstration
(LfD): A Parameterized Complexity Approach
|
The key to reconciling the polynomial-time intractability of many machine
learning tasks in the worst case with the surprising solvability of these tasks
by heuristic algorithms in practice seems to be exploiting restrictions on
real-world data sets. One approach to investigating such restrictions is to
analyze why heuristics perform well under restrictions. A complementary
approach would be to systematically determine under which sets of restrictions
efficient and reliable machine learning algorithms do and do not exist. In this
paper, we show how such a systematic exploration of algorithmic options can be
done using parameterized complexity analysis, As an illustrative example, we
give the first parameterized complexity analysis of batch and incremental
policy inference under Learning from Demonstration (LfD). Relative to a basic
model of LfD, we show that none of our problems can be solved efficiently
either in general or relative to a number of (often simultaneous) restrictions
on environments, demonstrations, and policies. We also give the first known
restrictions under which efficient solvability is possible and discuss the
implications of our solvability and unsolvability results for both our basic
model of LfD and more complex models of LfD used in practice.
|
108,548 | 108,548 |
Learning to Answer Visual Questions from Web Videos
|
Recent methods for visual question answering rely on large-scale annotated
datasets. Manual annotation of questions and answers for videos, however, is
tedious, expensive and prevents scalability. In this work, we propose to avoid
manual annotation and generate a large-scale training dataset for video
question answering making use of automatic cross-modal supervision. We leverage
a question generation transformer trained on text data and use it to generate
question-answer pairs from transcribed video narrations. Given narrated videos,
we then automatically generate the HowToVQA69M dataset with 69M
video-question-answer triplets. To handle the open vocabulary of diverse
answers in this dataset, we propose a training procedure based on a contrastive
loss between a video-question multi-modal transformer and an answer
transformer. We introduce the zero-shot VideoQA task and the VideoQA feature
probe evaluation setting and show excellent results, in particular for rare
answers. Furthermore, our method achieves competitive results on MSRVTT-QA,
ActivityNet-QA, MSVD-QA and How2QA datasets. We also show that our VideoQA
dataset generation approach generalizes to another source of web video and text
data. We use our method to generate the WebVidVQA3M dataset from the WebVid
dataset, i.e., videos with alt-text annotations, and show its benefits for
training VideoQA models. Finally, for a detailed evaluation we introduce iVQA,
a new VideoQA dataset with reduced language bias and high-quality manual
annotations. Code, datasets and trained models are available at
https://antoyang.github.io/just-ask.html
|
108,549 | 108,549 |
A Communication-Efficient Distributed Gradient Clipping Algorithm for
Training Deep Neural Networks
|
In distributed training of deep neural networks or Federated Learning (FL),
people usually run Stochastic Gradient Descent (SGD) or its variants on each
machine and communicate with other machines periodically. However, SGD might
converge slowly in training some deep neural networks (e.g., RNN, LSTM) because
of the exploding gradient issue. Gradient clipping is usually employed to
address this issue in the single machine setting, but exploring this technique
in the FL setting is still in its infancy: it remains mysterious whether the
gradient clipping scheme can take advantage of multiple machines to enjoy
parallel speedup. The main technical difficulty lies in dealing with nonconvex
loss function, non-Lipschitz continuous gradient, and skipping communication
rounds simultaneously. In this paper, we explore a relaxed-smoothness
assumption of the loss landscape which LSTM was shown to satisfy in previous
works and design a communication-efficient gradient clipping algorithm. This
algorithm can be run on multiple machines, where each machine employs a
gradient clipping scheme and communicate with other machines after multiple
steps of gradient-based updates. Our algorithm is proved to have
$O\left(\frac{1}{N\epsilon^4}\right)$ iteration complexity for finding an
$\epsilon$-stationary point, where $N$ is the number of machines. This
indicates that our algorithm enjoys linear speedup. We prove this result by
introducing novel analysis techniques of estimating truncated random variables,
which we believe are of independent interest. Our experiments on several
benchmark datasets and various scenarios demonstrate that our algorithm indeed
exhibits fast convergence speed in practice and thus validates our theory.
|
108,550 | 108,550 |
Classification and mapping of low-statured 'shrubland' cover types in
post-agricultural landscapes of the US Northeast
|
Context: Novel plant communities reshape landscapes and pose challenges for
land cover classification and mapping that can constrain research and
stewardship efforts. In the US Northeast, emergence of low-statured woody
vegetation, or 'shrublands', instead of secondary forests in post-agricultural
landscapes is well-documented by field studies, but poorly understood from a
landscape perspective, which limits the ability to systematically study and
manage these lands. Objectives: To address gaps in classification/mapping of
low-statured cover types where they have been historically rare, we developed
models to predict 'shrubland' distributions at 30m resolution across New York
State (NYS), using machine learning and model ensembling techniques to
integrate remote sensing of structural (airborne LIDAR) and optical (satellite
imagery) properties of vegetation cover. We first classified a 1m canopy height
model (CHM), derived from a "patchwork" of available LIDAR coverages, to define
shrubland presence/absence. Next, these non-contiguous maps were used to train
a model ensemble based on temporally-segmented imagery to predict 'shrubland'
probability for the entire study landscape (NYS). Results: Approximately 2.5%
of the CHM coverage area was classified as shrubland. Models using Landsat
predictors trained on the classified CHM were effective at identifying
shrubland (test set AUC=0.893, real-world AUC=0.904), in discriminating between
shrub/young forest and other cover classes, and produced qualitatively sensible
maps, even when extending beyond the original training data. Conclusions: After
ground-truthing, we expect these shrubland maps and models will have many
research and stewardship applications including wildlife conservation, invasive
species mitigation and natural climate solutions.
|
108,551 | 108,551 |
White-box Testing of NLP models with Mask Neuron Coverage
|
Recent literature has seen growing interest in using black-box strategies
like CheckList for testing the behavior of NLP models. Research on white-box
testing has developed a number of methods for evaluating how thoroughly the
internal behavior of deep models is tested, but they are not applicable to NLP
models. We propose a set of white-box testing methods that are customized for
transformer-based NLP models. These include Mask Neuron Coverage (MNCOVER) that
measures how thoroughly the attention layers in models are exercised during
testing. We show that MNCOVER can refine testing suites generated by CheckList
by substantially reduce them in size, for more than 60\% on average, while
retaining failing tests -- thereby concentrating the fault detection power of
the test suite. Further we show how MNCOVER can be used to guide CheckList
input generation, evaluate alternative NLP testing methods, and drive data
augmentation to improve accuracy.
|
108,552 | 108,552 |
On learning agent-based models from data
|
Agent-Based Models (ABMs) are used in several fields to study the evolution
of complex systems from micro-level assumptions. However, ABMs typically can
not estimate agent-specific (or "micro") variables: this is a major limitation
which prevents ABMs from harnessing micro-level data availability and which
greatly limits their predictive power. In this paper, we propose a protocol to
learn the latent micro-variables of an ABM from data. The first step of our
protocol is to reduce an ABM to a probabilistic model, characterized by a
computationally tractable likelihood. This reduction follows two general design
principles: balance of stochasticity and data availability, and replacement of
unobservable discrete choices with differentiable approximations. Then, our
protocol proceeds by maximizing the likelihood of the latent variables via a
gradient-based expectation maximization algorithm. We demonstrate our protocol
by applying it to an ABM of the housing market, in which agents with different
incomes bid higher prices to live in high-income neighborhoods. We demonstrate
that the obtained model allows accurate estimates of the latent variables,
while preserving the general behavior of the ABM. We also show that our
estimates can be used for out-of-sample forecasting. Our protocol can be seen
as an alternative to black-box data assimilation methods, that forces the
modeler to lay bare the assumptions of the model, to think about the
inferential process, and to spot potential identification problems.
|
108,553 | 108,553 |
Data Distributional Properties Drive Emergent In-Context Learning in
Transformers
|
Large transformer-based models are able to perform in-context few-shot
learning, without being explicitly trained for it. This observation raises the
question: what aspects of the training regime lead to this emergent behavior?
Here, we show that this behavior is driven by the distributions of the training
data itself. In-context learning emerges when the training data exhibits
particular distributional properties such as burstiness (items appear in
clusters rather than being uniformly distributed over time) and having large
numbers of rarely occurring classes. In-context learning also emerges more
strongly when item meanings or interpretations are dynamic rather than fixed.
These properties are exemplified by natural language, but are also inherent to
naturalistic data in a wide range of other domains. They also depart
significantly from the uniform, i.i.d. training distributions typically used
for standard supervised learning. In our initial experiments, we found that
in-context learning traded off against more conventional weight-based learning,
and models were unable to achieve both simultaneously. However, our later
experiments uncovered that the two modes of learning could co-exist in a single
model when it was trained on data following a skewed Zipfian distribution --
another common property of naturalistic data, including language. In further
experiments, we found that naturalistic data distributions were only able to
elicit in-context learning in transformers, and not in recurrent models. In
sum, our findings indicate how the transformer architecture works together with
particular properties of the training data to drive the intriguing emergent
in-context learning behaviour of large language models, and how future work
might encourage both in-context and in-weights learning in domains beyond
language.
|
108,554 | 108,554 |
Fundamental limitations on optimization in variational quantum
algorithms
|
Exploring quantum applications of near-term quantum devices is a rapidly
growing field of quantum information science with both theoretical and
practical interests. A leading paradigm to establish such near-term quantum
applications is variational quantum algorithms (VQAs). These algorithms use a
classical optimizer to train a parameterized quantum circuit to accomplish
certain tasks, where the circuits are usually randomly initialized. In this
work, we prove that for a broad class of such random circuits, the variation
range of the cost function via adjusting any local quantum gate within the
circuit vanishes exponentially in the number of qubits with a high probability.
This result can unify the restrictions on gradient-based and gradient-free
optimizations in a natural manner and reveal extra harsh constraints on the
training landscapes of VQAs. Hence a fundamental limitation on the trainability
of VQAs is unraveled, indicating the essence of the optimization hardness in
the Hilbert space with exponential dimension. We further showcase the validity
of our results with numerical simulations of representative VQAs. We believe
that these results would deepen our understanding of the scalability of VQAs
and shed light on the search for near-term quantum applications with
advantages.
|
108,555 | 108,555 |
Sensible AI: Re-imagining Interpretability and Explainability using
Sensemaking Theory
|
Understanding how ML models work is a prerequisite for responsibly designing,
deploying, and using ML-based systems. With interpretability approaches, ML can
now offer explanations for its outputs to aid human understanding. Though these
approaches rely on guidelines for how humans explain things to each other, they
ultimately solve for improving the artifact -- an explanation. In this paper,
we propose an alternate framework for interpretability grounded in Weick's
sensemaking theory, which focuses on who the explanation is intended for.
Recent work has advocated for the importance of understanding stakeholders'
needs -- we build on this by providing concrete properties (e.g., identity,
social context, environmental cues, etc.) that shape human understanding. We
use an application of sensemaking in organizations as a template for discussing
design guidelines for Sensible AI, AI that factors in the nuances of human
cognition when trying to explain itself.
|
108,556 | 108,556 |
On the Verge of Solving Rocket League using Deep Reinforcement Learning
and Sim-to-sim Transfer
|
Autonomously trained agents that are supposed to play video games reasonably
well rely either on fast simulation speeds or heavy parallelization across
thousands of machines running concurrently. This work explores a third way that
is established in robotics, namely sim-to-real transfer, or if the game is
considered a simulation itself, sim-to-sim transfer. In the case of Rocket
League, we demonstrate that single behaviors of goalies and strikers can be
successfully learned using Deep Reinforcement Learning in the simulation
environment and transferred back to the original game. Although the implemented
training simulation is to some extent inaccurate, the goalkeeping agent saves
nearly 100% of its faced shots once transferred, while the striking agent
scores in about 75% of cases. Therefore, the trained agent is robust enough and
able to generalize to the target domain of Rocket League.
|
108,557 | 108,557 |
Secure and Private Source Coding with Private Key and Decoder Side
Information
|
The problem of secure source coding with multiple terminals is extended by
considering a remote source whose noisy measurements are the correlated random
variables used for secure source reconstruction. The main additions to the
problem include 1) all terminals noncausally observe a noisy measurement of the
remote source; 2) a private key is available to all legitimate terminals; 3)
the public communication link between the encoder and decoder is rate-limited;
4) the secrecy leakage to the eavesdropper is measured with respect to the
encoder input, whereas the privacy leakage is measured with respect to the
remote source. Exact rate regions are characterized for a lossy source coding
problem with a private key, remote source, and decoder side information under
security, privacy, communication, and distortion constraints. By replacing the
distortion constraint with a reliability constraint, we obtain the exact rate
region also for the lossless case. Furthermore, the lossy rate region for
scalar discrete-time Gaussian sources and measurement channels is established.
|
108,558 | 108,558 |
Tensor-based Collaborative Filtering With Smooth Ratings Scale
|
Conventional collaborative filtering techniques don't take into consideration
the effect of discrepancy in users' rating perception. Some users may rarely
give 5 stars to items while others almost always assign 5 stars to the chosen
item. Even if they had experience with the same items this systematic
discrepancy in their evaluation style will lead to the systematic errors in the
ability of recommender system to effectively extract right patterns from data.
To mitigate this problem we introduce the ratings' similarity matrix which
represents the dependency between different values of ratings on the population
level. Hence, if on average the correlations between ratings exist, it is
possible to improve the quality of proposed recommendations by off-setting the
effect of either shifted down or shifted up users' rates.
|
108,559 | 108,559 |
Robust Data-Driven Output Feedback Control via Bootstrapped
Multiplicative Noise
|
We propose a robust data-driven output feedback control algorithm that
explicitly incorporates inherent finite-sample model estimate uncertainties
into the control design. The algorithm has three components: (1) a subspace
identification nominal model estimator; (2) a bootstrap resampling method that
quantifies non-asymptotic variance of the nominal model estimate; and (3) a
non-conventional robust control design method comprising a coupled optimal
dynamic output feedback filter and controller with multiplicative noise. A key
advantage of the proposed approach is that the system identification and robust
control design procedures both use stochastic uncertainty representations, so
that the actual inherent statistical estimation uncertainty directly aligns
with the uncertainty the robust controller is being designed against. Moreover,
the control design method accommodates a highly structured uncertainty
representation that can capture uncertainty shape more effectively than
existing approaches. We show through numerical experiments that the proposed
robust data-driven output feedback controller can significantly outperform a
certainty equivalent controller on various measures of sample complexity and
stability robustness.
|
108,560 | 108,560 |
Deep fusion of gray level co-occurrence matrices for lung nodule
classification
|
Lung cancer is a severe menace to human health, due to which millions of
people die because of late diagnoses of cancer; thus, it is vital to detect the
disease as early as possible. The Computerized chest analysis Tomography of
scan is assumed to be one of the efficient solutions for detecting and
classifying lung nodules. The necessity of high accuracy of analyzing C.T. scan
images of the lung is considered as one of the crucial challenges in detecting
and classifying lung cancer. A new long-short-term-memory (LSTM) based deep
fusion structure, is introduced, where, the texture features computed from lung
nodules through new volumetric grey-level-co-occurrence-matrices (GLCM)
computations are applied to classify the nodules into: benign, malignant and
ambiguous. An improved Otsu segmentation method combined with the water strider
optimization algorithm (WSA) is proposed to detect the lung nodules. Otsu-WSA
thresholding can overcome the restrictions present in previous thresholding
methods. Extended experiments are run to assess this fusion structure by
considering 2D-GLCM computations based 2D-slices fusion, and an approximation
of this 3D-GLCM with volumetric 2.5D-GLCM computations-based LSTM fusion
structure. The proposed methods are trained and assessed through the LIDC-IDRI
dataset, where 94.4%, 91.6%, and 95.8% Accuracy, sensitivity, and specificity
are obtained, respectively for 2D-GLCM fusion and 97.33%, 96%, and 98%,
accuracy, sensitivity, and specificity, respectively, for 2.5D-GLCM fusion. The
yield of the same are 98.7%, 98%, and 99%, for the 3D-GLCM fusion. The obtained
results and analysis indicate that the WSA-Otsu method requires less execution
time and yields a more accurate thresholding process. It is found that 3D-GLCM
based LSTM outperforms its counterparts.
|
108,561 | 108,561 |
Extracting Latent Steering Vectors from Pretrained Language Models
|
Prior work on controllable text generation has focused on learning how to
control language models through trainable decoding, smart-prompt design, or
fine-tuning based on a desired objective. We hypothesize that the information
needed to steer the model to generate a target sentence is already encoded
within the model. Accordingly, we explore a different approach altogether:
extracting latent vectors directly from pretrained language model decoders
without fine-tuning. Experiments show that there exist steering vectors, which,
when added to the hidden states of the language model, generate a target
sentence nearly perfectly (> 99 BLEU) for English sentences from a variety of
domains. We show that vector arithmetic can be used for unsupervised sentiment
transfer on the Yelp sentiment benchmark, with performance comparable to models
tailored to this task. We find that distances between steering vectors reflect
sentence similarity when evaluated on a textual similarity benchmark (STS-B),
outperforming pooled hidden states of models. Finally, we present an analysis
of the intrinsic properties of the steering vectors. Taken together, our
results suggest that frozen LMs can be effectively controlled through their
latent steering space.
|
108,562 | 108,562 |
Human Language Modeling
|
Natural language is generated by people, yet traditional language modeling
views words or documents as if generated independently. Here, we propose human
language modeling (HuLM), a hierarchical extension to the language modeling
problem whereby a human-level exists to connect sequences of documents (e.g.
social media messages) and capture the notion that human language is moderated
by changing human states. We introduce, HaRT, a large-scale transformer model
for the HuLM task, pre-trained on approximately 100,000 social media users, and
demonstrate its effectiveness in terms of both language modeling (perplexity)
for social media and fine-tuning for 4 downstream tasks spanning document- and
user-levels: stance detection, sentiment classification, age estimation, and
personality assessment. Results on all tasks meet or surpass the current
state-of-the-art.
|
108,563 | 108,563 |
Sibylvariant Transformations for Robust Text Classification
|
The vast majority of text transformation techniques in NLP are inherently
limited in their ability to expand input space coverage due to an implicit
constraint to preserve the original class label. In this work, we propose the
notion of sibylvariance (SIB) to describe the broader set of transforms that
relax the label-preserving constraint, knowably vary the expected class, and
lead to significantly more diverse input distributions. We offer a unified
framework to organize all data transformations, including two types of SIB: (1)
Transmutations convert one discrete kind into another, (2) Mixture Mutations
blend two or more classes together. To explore the role of sibylvariance within
NLP, we implemented 41 text transformations, including several novel techniques
like Concept2Sentence and SentMix. Sibylvariance also enables a unique form of
adaptive training that generates new input mixtures for the most confused class
pairs, challenging the learner to differentiate with greater nuance. Our
experiments on six benchmark datasets strongly support the efficacy of
sibylvariance for generalization performance, defect detection, and adversarial
robustness.
|
108,564 | 108,564 |
Efficient Risk-Averse Reinforcement Learning
|
In risk-averse reinforcement learning (RL), the goal is to optimize some risk
measure of the returns. A risk measure often focuses on the worst returns out
of the agent's experience. As a result, standard methods for risk-averse RL
often ignore high-return strategies. We prove that under certain conditions
this inevitably leads to a local-optimum barrier, and propose a soft risk
mechanism to bypass it. We also devise a novel Cross Entropy module for risk
sampling, which (1) preserves risk aversion despite the soft risk; (2)
independently improves sample efficiency. By separating the risk aversion of
the sampler and the optimizer, we can sample episodes with poor conditions, yet
optimize with respect to successful strategies. We combine these two concepts
in CeSoR - Cross-entropy Soft-Risk optimization algorithm - which can be
applied on top of any risk-averse policy gradient (PG) method. We demonstrate
improved risk aversion in maze navigation, autonomous driving, and resource
allocation benchmarks, including in scenarios where standard risk-averse PG
completely fails.
|
108,565 | 108,565 |
Robustness of Humans and Machines on Object Recognition with Extreme
Image Transformations
|
Recent neural network architectures have claimed to explain data from the
human visual cortex. Their demonstrated performance is however still limited by
the dependence on exploiting low-level features for solving visual tasks. This
strategy limits their performance in case of out-of-distribution/adversarial
data. Humans, meanwhile learn abstract concepts and are mostly unaffected by
even extreme image distortions. Humans and networks employ strikingly different
strategies to solve visual tasks. To probe this, we introduce a novel set of
image transforms and evaluate humans and networks on an object recognition
task. We found performance for a few common networks quickly decreases while
humans are able to recognize objects with a high accuracy.
|
108,566 | 108,566 |
Deep Graph Clustering via Mutual Information Maximization and Mixture
Model
|
Attributed graph clustering or community detection which learns to cluster
the nodes of a graph is a challenging task in graph analysis. In this paper, we
introduce a contrastive learning framework for learning clustering-friendly
node embedding. Although graph contrastive learning has shown outstanding
performance in self-supervised graph learning, using it for graph clustering is
not well explored. We propose Gaussian mixture information maximization (GMIM)
which utilizes a mutual information maximization approach for node embedding.
Meanwhile, it assumes that the representation space follows a Mixture of
Gaussians (MoG) distribution. The clustering part of our objective tries to fit
a Gaussian distribution to each community. The node embedding is jointly
optimized with the parameters of MoG in a unified framework. Experiments on
real-world datasets demonstrate the effectiveness of our method in community
detection.
|
108,567 | 108,567 |
Self-Supervised Anomaly Detection: A Survey and Outlook
|
Over the past few years, anomaly detection, a subfield of machine learning
that is mainly concerned with the detection of rare events, witnessed an
immense improvement following the unprecedented growth of deep learning models.
Recently, the emergence of self-supervised learning has sparked the development
of new anomaly detection algorithms that surpassed state-of-the-art accuracy by
a significant margin. This paper aims to review the current approaches in
self-supervised anomaly detection. We present technical details of the common
approaches and discuss their strengths and drawbacks. We also compare the
performance of these models against each other and other state-of-the-art
anomaly detection models. Finally, we discuss a variety of new directions for
improving the existing algorithms.
|
108,568 | 108,568 |
ConfLab: A Rich Multimodal Multisensor Dataset of Free-Standing Social
Interactions In-the-Wild
|
We describe an instantiation of a new concept for multimodal multisensor data
collection of real life in-the-wild free standing social interactions in the
form of a Conference Living Lab (ConfLab). ConfLab contains high fidelity data
of 49 people during a real-life professional networking event capturing a
diverse mix of status, acquaintanceship, and networking motivations at an
international conference. Recording such a dataset is challenging due to the
delicate trade-off between participant privacy and fidelity of the data, and
the technical and logistic challenges involved. We improve upon prior datasets
in the fidelity of most of our modalities: 8-camera overhead setup, personal
wearable sensors recording body motion (9-axis IMU), Bluetooth-based proximity,
and low-frequency audio. Additionally, we use a state-of-the-art hardware
synchronization solution and time-efficient continuous technique for annotating
body keypoints and actions at high frequencies. We argue that our improvements
are essential for a deeper study of interaction dynamics at finer time scales.
Our research tasks showcase some of the open challenges related to in-the-wild
privacy-preserving social data analysis: keypoints detection from overhead
camera views, skeleton based no-audio speaker detection, and F-formation
detection. With the ConfLab dataset, we aim to bridge the gap between
traditional computer vision tasks and in-the-wild ecologically valid
socially-motivated tasks.
|
108,569 | 108,569 |
Multifidelity data fusion in convolutional encoder/decoder networks
|
We analyze the regression accuracy of convolutional neural networks assembled
from encoders, decoders and skip connections and trained with multifidelity
data. Besides requiring significantly less trainable parameters than equivalent
fully connected networks, encoder, decoder, encoder-decoder or decoder-encoder
architectures can learn the mapping between inputs to outputs of arbitrary
dimensionality. We demonstrate their accuracy when trained on a few
high-fidelity and many low-fidelity data generated from models ranging from
one-dimensional functions to Poisson equation solvers in two-dimensions. We
finally discuss a number of implementation choices that improve the reliability
of the uncertainty estimates generated by Monte Carlo DropBlocks, and compare
uncertainty estimates among low-, high- and multifidelity approaches.
|
108,570 | 108,570 |
Social Inclusion in Curated Contexts: Insights from Museum Practices
|
Artificial intelligence literature suggests that minority and fragile
communities in society can be negatively impacted by machine learning
algorithms due to inherent biases in the design process, which lead to socially
exclusive decisions and policies. Faced with similar challenges in dealing with
an increasingly diversified audience, the museum sector has seen changes in
theory and practice, particularly in the areas of representation and
meaning-making. While rarity and grandeur used to be at the centre stage of the
early museum practices, folk life and museums' relationships with the diverse
communities they serve become a widely integrated part of the contemporary
practices. These changes address issues of diversity and accessibility in order
to offer more socially inclusive services. Drawing on these changes and
reflecting back on the AI world, we argue that the museum experience provides
useful lessons for building AI with socially inclusive approaches, especially
in situations in which both a collection and access to it will need to be
curated or filtered, as frequently happens in search engines, recommender
systems and digital libraries. We highlight three principles: (1) Instead of
upholding the value of neutrality, practitioners are aware of the influences of
their own backgrounds and those of others on their work. By not claiming to be
neutral but practising cultural humility, the chances of addressing potential
biases can be increased. (2) There should be room for situational
interpretation beyond the stages of data collection and machine learning.
Before applying models and predictions, the contexts in which relevant parties
exist should be taken into account. (3) Community participation serves the
needs of communities and has the added benefit of bringing practitioners and
communities together.
|
108,571 | 108,571 |
Incident duration prediction using a bi-level machine learning framework
with outlier removal and intra-extra joint optimisation
|
Predicting the duration of traffic incidents is a challenging task due to the
stochastic nature of events. The ability to accurately predict how long
accidents will last can provide significant benefits to both end-users in their
route choice and traffic operation managers in handling of non-recurrent
traffic congestion. This paper presents a novel bi-level machine learning
framework enhanced with outlier removal and intra-extra joint optimisation for
predicting the incident duration on three heterogeneous data sets collected for
both arterial roads and motorways from Sydney, Australia and San-Francisco,
U.S.A. Firstly, we use incident data logs to develop a binary classification
prediction approach, which allows us to classify traffic incidents as
short-term or long-term. We find the optimal threshold between short-term
versus long-term traffic incident duration, targeting both class balance and
prediction performance while also comparing the binary versus multi-class
classification approaches. Secondly, for more granularity of the incident
duration prediction to the minute level, we propose a new Intra-Extra Joint
Optimisation algorithm (IEO-ML) which extends multiple baseline ML models
tested against several regression scenarios across the data sets. Final results
indicate that: a) 40-45 min is the best split threshold for identifying short
versus long-term incidents and that these incidents should be modelled
separately, b) our proposed IEO-ML approach significantly outperforms baseline
ML models in $66\%$ of all cases showcasing its great potential for accurate
incident duration prediction. Lastly, we evaluate the feature importance and
show that time, location, incident type, incident reporting source and weather
at among the top 10 critical factors which influence how long incidents will
last.
|
108,572 | 108,572 |
Reducing Activation Recomputation in Large Transformer Models
|
Training large transformer models is one of the most important computational
challenges of modern AI. In this paper, we show how to significantly accelerate
training of large transformer models by reducing activation recomputation.
Activation recomputation is commonly used to work around memory capacity
constraints. Rather than storing activations for backpropagation, they are
traditionally recomputed, which saves memory but adds redundant compute. In
this work, we show most of this redundant compute is unnecessary because we can
reduce memory consumption sufficiently without it. We present two novel yet
very simple techniques: sequence parallelism and selective activation
recomputation. In conjunction with tensor parallelism, these techniques almost
eliminate the need to recompute activations. We evaluate our approach on
language models up to one trillion parameters in scale and show that our method
reduces activation memory by 5x, while reducing execution time overhead from
activation recomputation by over 90%. For example, when training a 530B
parameter GPT-3 style model on 2240 NVIDIA A100 GPUs, we achieve a Model Flops
Utilization of 54.2%, which is 29% faster than the 42.1% we achieve using
recomputation. Our implementation will be available in both Megatron-LM and
NeMo-Megatron.
|
108,573 | 108,573 |
Best of Both Worlds: Multi-task Audio-Visual Automatic Speech
Recognition and Active Speaker Detection
|
Under noisy conditions, automatic speech recognition (ASR) can greatly
benefit from the addition of visual signals coming from a video of the
speaker's face. However, when multiple candidate speakers are visible this
traditionally requires solving a separate problem, namely active speaker
detection (ASD), which entails selecting at each moment in time which of the
visible faces corresponds to the audio. Recent work has shown that we can solve
both problems simultaneously by employing an attention mechanism over the
competing video tracks of the speakers' faces, at the cost of sacrificing some
accuracy on active speaker detection. This work closes this gap in active
speaker detection accuracy by presenting a single model that can be jointly
trained with a multi-task loss. By combining the two tasks during training we
reduce the ASD classification accuracy by approximately 25%, while
simultaneously improving the ASR performance when compared to the multi-person
baseline trained exclusively for ASR.
|
108,574 | 108,574 |
A State-Distribution Matching Approach to Non-Episodic Reinforcement
Learning
|
While reinforcement learning (RL) provides a framework for learning through
trial and error, translating RL algorithms into the real world has remained
challenging. A major hurdle to real-world application arises from the
development of algorithms in an episodic setting where the environment is reset
after every trial, in contrast with the continual and non-episodic nature of
the real-world encountered by embodied agents such as humans and robots. Prior
works have considered an alternating approach where a forward policy learns to
solve the task and the backward policy learns to reset the environment, but
what initial state distribution should the backward policy reset the agent to?
Assuming access to a few demonstrations, we propose a new method, MEDAL, that
trains the backward policy to match the state distribution in the provided
demonstrations. This keeps the agent close to the task-relevant states,
allowing for a mix of easy and difficult starting states for the forward
policy. Our experiments show that MEDAL matches or outperforms prior methods on
three sparse-reward continuous control tasks from the EARL benchmark, with 40%
gains on the hardest task, while making fewer assumptions than prior works.
|
108,575 | 108,575 |
A Unified f-divergence Framework Generalizing VAE and GAN
|
Developing deep generative models that flexibly incorporate diverse measures
of probability distance is an important area of research. Here we develop an
unified mathematical framework of f-divergence generative model, f-GM, that
incorporates both VAE and f-GAN, and enables tractable learning with general
f-divergences. f-GM allows the experimenter to flexibly design the f-divergence
function without changing the structure of the networks or the learning
procedure. f-GM jointly models three components: a generator, a inference
network and a density estimator. Therefore it simultaneously enables sampling,
posterior inference of the latent variable as well as evaluation of the
likelihood of an arbitrary datum. f-GM belongs to the class of encoder-decoder
GANs: our density estimator can be interpreted as playing the role of a
discriminator between samples in the joint space of latent code and observed
space. We prove that f-GM naturally simplifies to the standard VAE and to f-GAN
as special cases, and illustrates the connections between different
encoder-decoder GAN architectures. f-GM is compatible with general network
architecture and optimizer. We leverage it to experimentally explore the
effects -- e.g. mode collapse and image sharpness -- of different choices of
f-divergence.
|
108,576 | 108,576 |
Developing cooperative policies for multi-stage reinforcement learning
tasks
|
Many hierarchical reinforcement learning algorithms utilise a series of
independent skills as a basis to solve tasks at a higher level of reasoning.
These algorithms don't consider the value of using skills that are cooperative
instead of independent. This paper proposes the Cooperative Consecutive
Policies (CCP) method of enabling consecutive agents to cooperatively solve
long time horizon multi-stage tasks. This method is achieved by modifying the
policy of each agent to maximise both the current and next agent's critic.
Cooperatively maximising critics allows each agent to take actions that are
beneficial for its task as well as subsequent tasks. Using this method in a
multi-room maze domain and a peg in hole manipulation domain, the cooperative
policies were able to outperform a set of naive policies, a single agent
trained across the entire domain, as well as another sequential HRL algorithm.
|
108,577 | 108,577 |
Salient Object Detection via Bounding-box Supervision
|
The success of fully supervised saliency detection models depends on a large
number of pixel-wise labeling. In this paper, we work on bounding-box based
weakly-supervised saliency detection to relieve the labeling effort. Given the
bounding box annotation, we observe that pixels inside the bounding box may
contain extensive labeling noise. However, as a large amount of background is
excluded, the foreground bounding box region contains a less complex
background, making it possible to perform handcrafted features-based saliency
detection with only the cropped foreground region. As the conventional
handcrafted features are not representative enough, leading to noisy saliency
maps, we further introduce structure-aware self-supervised loss to regularize
the structure of the prediction. Further, we claim that pixels outside the
bounding box should be background, thus partial cross-entropy loss function can
be used to accurately localize the accurate background region. Experimental
results on six benchmark RGB saliency datasets illustrate the effectiveness of
our model.
|
108,578 | 108,578 |
Efficient Distributed Framework for Collaborative Multi-Agent
Reinforcement Learning
|
Multi-agent reinforcement learning for incomplete information environments
has attracted extensive attention from researchers. However, due to the slow
sample collection and poor sample exploration, there are still some problems in
multi-agent reinforcement learning, such as unstable model iteration and low
training efficiency. Moreover, most of the existing distributed framework are
proposed for single-agent reinforcement learning and not suitable for
multi-agent. In this paper, we design an distributed MARL framework based on
the actor-work-learner architecture. In this framework, multiple asynchronous
environment interaction modules can be deployed simultaneously, which greatly
improves the sample collection speed and sample diversity. Meanwhile, to make
full use of computing resources, we decouple the model iteration from
environment interaction, and thus accelerate the policy iteration. Finally, we
verified the effectiveness of propose framework in MaCA military simulation
environment and the SMAC 3D realtime strategy gaming environment with
imcomplete information characteristics.
|
108,579 | 108,579 |
Secure Federated Learning for Neuroimaging
|
The amount of biomedical data continues to grow rapidly. However, the ability
to collect data from multiple sites for joint analysis remains challenging due
to security, privacy, and regulatory concerns. We present a Secure Federated
Learning architecture, MetisFL, which enables distributed training of neural
networks over multiple data sources without sharing data. Each site trains the
neural network over its private data for some time, then shares the neural
network parameters (i.e., weights, gradients) with a Federation Controller,
which in turn aggregates the local models, sends the resulting community model
back to each site, and the process repeats. Our architecture provides strong
security and privacy. First, sample data never leaves a site. Second, neural
parameters are encrypted before transmission and the community model is
computed under fully-homomorphic encryption. Finally, we use
information-theoretic methods to limit information leakage from the neural
model to prevent a curious site from performing membership attacks. We
demonstrate this architecture in neuroimaging. Specifically, we investigate
training neural models to classify Alzheimer's disease, and estimate Brain Age,
from magnetic resonance imaging datasets distributed across multiple sites,
including heterogeneous environments where sites have different amounts of
data, statistical distributions, and computational capabilities.
|
108,580 | 108,580 |
Spatial-temporal associations representation and application for process
monitoring using graph convolution neural network
|
Industrial process data reflects the dynamic changes of operation conditions,
which mainly refer to the irregular changes in the dynamic associations between
different variables in different time. And this related associations knowledge
for process monitoring is often implicit in these dynamic monitoring data which
always have richer operation condition information and have not been paid
enough attention in current research. To this end, a new process monitoring
method based on spatial-based graph convolution neural network (SGCN) is
proposed to describe the characteristics of the dynamic associations which can
be used to represent the operation status over time. Spatia-temporal graphs are
firstly defined, which can be used to represent the characteristics of node
attributes (dynamic edge features) dynamically changing with time. Then, the
associations between monitoring variables at a certain time can be considered
as the node attributes to define a snapshot of the static graph network at the
certain time. Finally, the snapshot containing graph structure and node
attributes is used as model inputs which are processed to implement graph
classification by spatial-based convolution graph neural network with aggregate
and readout steps. The feasibility and applicability of this proposed method
are demonstrated by our experimental results of benchmark and practical case
application.
|
108,581 | 108,581 |
Evaluation Gaps in Machine Learning Practice
|
Forming a reliable judgement of a machine learning (ML) model's
appropriateness for an application ecosystem is critical for its responsible
use, and requires considering a broad range of factors including harms,
benefits, and responsibilities. In practice, however, evaluations of ML models
frequently focus on only a narrow range of decontextualized predictive
behaviours. We examine the evaluation gaps between the idealized breadth of
evaluation concerns and the observed narrow focus of actual evaluations.
Through an empirical study of papers from recent high-profile conferences in
the Computer Vision and Natural Language Processing communities, we demonstrate
a general focus on a handful of evaluation methods. By considering the metrics
and test data distributions used in these methods, we draw attention to which
properties of models are centered in the field, revealing the properties that
are frequently neglected or sidelined during evaluation. By studying these
properties, we demonstrate the machine learning discipline's implicit
assumption of a range of commitments which have normative impacts; these
include commitments to consequentialism, abstractability from context, the
quantifiability of impacts, the limited role of model inputs in evaluation, and
the equivalence of different failure modes. Shedding light on these assumptions
enables us to question their appropriateness for ML system contexts, pointing
the way towards more contextualized evaluation methodologies for robustly
examining the trustworthiness of ML models
|
108,582 | 108,582 |
A globally convergent fast iterative shrinkage-thresholding algorithm
with a new momentum factor for single and multi-objective convex optimization
|
Convex-composite optimization, which minimizes an objective function
represented by the sum of a differentiable function and a convex one, is widely
used in machine learning and signal/image processing. Fast Iterative Shrinkage
Thresholding Algorithm (FISTA) is a typical method for solving this problem and
has a global convergence rate of $O(1 / k^2)$. Recently, this has been extended
to multi-objective optimization, together with the proof of the $O(1 / k^2)$
global convergence rate. However, its momentum factor is classical, and the
convergence of its iterates has not been proven. In this work, introducing some
additional hyperparameters $(a, b)$, we propose another accelerated proximal
gradient method with a general momentum factor, which is new even for the
single-objective cases. We show that our proposed method also has a global
convergence rate of $O(1/k^2)$ for any $(a,b)$, and further that the generated
sequence of iterates converges to a weak Pareto solution when $a$ is positive,
an essential property for the finite-time manifold identification. Moreover, we
report numerical results with various $(a,b)$, showing that some of these
choices give better results than the classical momentum factors.
|
108,583 | 108,583 |
What is Proxy Discrimination?
|
The near universal condemnation of proxy discrimination hides a disagreement
over what it is. This work surveys various notions of proxy and proxy
discrimination found in prior work and represents them in a common framework.
These notions variously turn on statistical dependencies, causal effects, and
intentions. It discusses the limitations and uses of each notation and of the
concept as a whole.
|
108,584 | 108,584 |
Hierarchical Collaborative Hyper-parameter Tuning
|
Hyper-parameter Tuning is among the most critical stages in building machine
learning solutions. This paper demonstrates how multi-agent systems can be
utilized to develop a distributed technique for determining near-optimal values
for any arbitrary set of hyper-parameters in a machine learning model. The
proposed method employs a distributedly formed hierarchical agent-based
architecture for the cooperative searching procedure of tuning hyper-parameter
values. The presented generic model is used to develop a guided randomized
agent-based tuning technique, and its behavior is investigated in both machine
learning and global function optimization applications. According the empirical
results, the proposed model outperformed both of its underlying randomized
tuning strategies in terms of classification error and function evaluations,
notably in higher number of dimensions.
|
108,585 | 108,585 |
Unsupervised machine learning for physical concepts
|
In recent years, machine learning methods have been used to assist scientists
in scientific research. Human scientific theories are based on a series of
concepts. How machine learns the concepts from experimental data will be an
important first step. We propose a hybrid method to extract interpretable
physical concepts through unsupervised machine learning. This method consists
of two stages. At first, we need to find the Betti numbers of experimental
data. Secondly, given the Betti numbers, we use a variational autoencoder
network to extract meaningful physical variables. We test our protocol on toy
models and show how it works.
|
108,586 | 108,586 |
Subspace Learning Machine (SLM): Methodology and Performance
|
Inspired by the feedforward multilayer perceptron (FF-MLP), decision tree
(DT) and extreme learning machine (ELM), a new classification model, called the
subspace learning machine (SLM), is proposed in this work. SLM first identifies
a discriminant subspace, $S^0$, by examining the discriminant power of each
input feature. Then, it uses probabilistic projections of features in $S^0$ to
yield 1D subspaces and finds the optimal partition for each of them. This is
equivalent to partitioning $S^0$ with hyperplanes. A criterion is developed to
choose the best $q$ partitions that yield $2q$ partitioned subspaces among
them. We assign $S^0$ to the root node of a decision tree and the intersections
of $2q$ subspaces to its child nodes of depth one. The partitioning process is
recursively applied at each child node to build an SLM tree. When the samples
at a child node are sufficiently pure, the partitioning process stops and each
leaf node makes a prediction. The idea can be generalized to regression,
leading to the subspace learning regressor (SLR). Furthermore, ensembles of
SLM/SLR trees can yield a stronger predictor. Extensive experiments are
conducted for performance benchmarking among SLM/SLR trees, ensembles and
classical classifiers/regressors.
|
108,587 | 108,587 |
Weak Supervision with Incremental Source Accuracy Estimation
|
Motivated by the desire to generate labels for real-time data we develop a
method to estimate the dependency structure and accuracy of weak supervision
sources incrementally. Our method first estimates the dependency structure
associated with the supervision sources and then uses this to iteratively
update the estimated source accuracies as new data is received. Using both
off-the-shelf classification models trained using publicly-available datasets
and heuristic functions as supervision sources we show that our method
generates probabilistic labels with an accuracy matching that of existing
off-line methods.
|
108,588 | 108,588 |
Learning Multitask Gaussian Bayesian Networks
|
Major depressive disorder (MDD) requires study of brain functional
connectivity alterations for patients, which can be uncovered by resting-state
functional magnetic resonance imaging (rs-fMRI) data. We consider the problem
of identifying alterations of brain functional connectivity for a single MDD
patient. This is particularly difficult since the amount of data collected
during an fMRI scan is too limited to provide sufficient information for
individual analysis. Additionally, rs-fMRI data usually has the characteristics
of incompleteness, sparsity, variability, high dimensionality and high noise.
To address these problems, we proposed a multitask Gaussian Bayesian network
(MTGBN) framework capable for identifying individual disease-induced
alterations for MDD patients. We assume that such disease-induced alterations
show some degrees of similarity with the tool to learn such network structures
from observations to understanding of how system are structured jointly from
related tasks. First, we treat each patient in a class of observation as a task
and then learn the Gaussian Bayesian networks (GBNs) of this data class by
learning from all tasks that share a default covariance matrix that encodes
prior knowledge. This setting can help us to learn more information from
limited data. Next, we derive a closed-form formula of the complete likelihood
function and use the Monte-Carlo Expectation-Maximization(MCEM) algorithm to
search for the approximately best Bayesian network structures efficiently.
Finally, we assess the performance of our methods with simulated and real-world
rs-fMRI data.
|
108,589 | 108,589 |
NDGGNET-A Node Independent Gate based Graph Neural Networks
|
Graph Neural Networks (GNNs) is an architecture for structural data, and has
been adopted in a mass of tasks and achieved fabulous results, such as link
prediction, node classification, graph classification and so on. Generally, for
a certain node in a given graph, a traditional GNN layer can be regarded as an
aggregation from one-hop neighbors, thus a set of stacked layers are able to
fetch and update node status within multi-hops. For nodes with sparse
connectivity, it is difficult to obtain enough information through a single GNN
layer as not only there are only few nodes directly connected to them but also
can not propagate the high-order neighbor information. However, as the number
of layer increases, the GNN model is prone to over-smooth for nodes with the
dense connectivity, which resulting in the decrease of accuracy. To tackle this
issue, in this thesis, we define a novel framework that allows the normal GNN
model to accommodate more layers. Specifically, a node-degree based gate is
employed to adjust weight of layers dynamically, that try to enhance the
information aggregation ability and reduce the probability of over-smoothing.
Experimental results show that our proposed model can effectively increase the
model depth and perform well on several datasets.
|
108,590 | 108,590 |
Exploring Local Explanations of Nonlinear Models Using Animated Linear
Projections
|
The increased predictive power of nonlinear models comes at the cost of
interpretability of its terms. This trade-off has led to the emergence of
eXplainable AI (XAI). XAI attempts to shed light on how models use predictors
to arrive at a prediction with local explanations, a point estimate of the
linear feature importance in the vicinity of one instance. These can be
considered linear projections and can be further explored to understand better
the interactions between features used to make predictions across the
predictive model surface. Here we describe interactive linear interpolation
used for exploration at any instance and illustrate with examples with
categorical (penguin species, chocolate types) and quantitative
(soccer/football salaries, house prices) output. The methods are implemented in
the R package cheem, available on CRAN.
|
108,591 | 108,591 |
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.
|
108,592 | 108,592 |
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.
|
108,593 | 108,593 |
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.
|
108,594 | 108,594 |
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.
|
108,595 | 108,595 |
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.
|
108,596 | 108,596 |
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.
|
108,597 | 108,597 |
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.
|
108,598 | 108,598 |
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.
|
108,599 | 108,599 |
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.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.