Unnamed: 0.1
int64 0
113k
| Unnamed: 0
float64 0
113k
⌀ | title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|---|---|
111,500 | 111,500 | Overcoming the Spectral Bias of Neural Value Approximation | Value approximation using deep neural networks is at the heart of off-policy
deep reinforcement learning, and is often the primary module that provides
learning signals to the rest of the algorithm. While multi-layer perceptron
networks are universal function approximators, recent works in neural kernel
regression suggest the presence of a spectral bias, where fitting
high-frequency components of the value function requires exponentially more
gradient update steps than the low-frequency ones. In this work, we re-examine
off-policy reinforcement learning through the lens of kernel regression and
propose to overcome such bias via a composite neural tangent kernel. With just
a single line-change, our approach, the Fourier feature networks (FFN) produce
state-of-the-art performance on challenging continuous control domains with
only a fraction of the compute. Faster convergence and better off-policy
stability also make it possible to remove the target network without suffering
catastrophic divergences, which further reduces TD}(0)'s estimation bias on a
few tasks.
|
111,501 | 111,501 | Neural Prompt Search | The size of vision models has grown exponentially over the last few years,
especially after the emergence of Vision Transformer. This has motivated the
development of parameter-efficient tuning methods, such as learning adapter
layers or visual prompt tokens, which allow a tiny portion of model parameters
to be trained whereas the vast majority obtained from pre-training are frozen.
However, designing a proper tuning method is non-trivial: one might need to try
out a lengthy list of design choices, not to mention that each downstream
dataset often requires custom designs. In this paper, we view the existing
parameter-efficient tuning methods as "prompt modules" and propose Neural
prOmpt seArcH (NOAH), a novel approach that learns, for large vision models,
the optimal design of prompt modules through a neural architecture search
algorithm, specifically for each downstream dataset. By conducting extensive
experiments on over 20 vision datasets, we demonstrate that NOAH (i) is
superior to individual prompt modules, (ii) has a good few-shot learning
ability, and (iii) is domain-generalizable. The code and models are available
at https://github.com/Davidzhangyuanhan/NOAH.
|
111,502 | 111,502 | Extending Momentum Contrast with Cross Similarity Consistency
Regularization | Contrastive self-supervised representation learning methods maximize the
similarity between the positive pairs, and at the same time tend to minimize
the similarity between the negative pairs. However, in general the interplay
between the negative pairs is ignored as they do not put in place special
mechanisms to treat negative pairs differently according to their specific
differences and similarities. In this paper, we present Extended Momentum
Contrast (XMoCo), a self-supervised representation learning method founded upon
the legacy of the momentum-encoder unit proposed in the MoCo family
configurations. To this end, we introduce a cross consistency regularization
loss, with which we extend the transformation consistency to dissimilar images
(negative pairs). Under the cross consistency regularization rule, we argue
that semantic representations associated with any pair of images (positive or
negative) should preserve their cross-similarity under pretext transformations.
Moreover, we further regularize the training loss by enforcing a uniform
distribution of similarity over the negative pairs across a batch. The proposed
regularization can easily be added to existing self-supervised learning
algorithms in a plug-and-play fashion. Empirically, we report a competitive
performance on the standard Imagenet-1K linear head classification benchmark.
In addition, by transferring the learned representations to common downstream
tasks, we show that using XMoCo with the prevalently utilized augmentations can
lead to improvements in the performance of such tasks. We hope the findings of
this paper serve as a motivation for researchers to take into consideration the
important interplay among the negative examples in self-supervised learning.
|
111,503 | 111,503 | Can Backdoor Attacks Survive Time-Varying Models? | Backdoors are powerful attacks against deep neural networks (DNNs). By
poisoning training data, attackers can inject hidden rules (backdoors) into
DNNs, which only activate on inputs containing attack-specific triggers. While
existing work has studied backdoor attacks on a variety of DNN models, they
only consider static models, which remain unchanged after initial deployment.
In this paper, we study the impact of backdoor attacks on a more realistic
scenario of time-varying DNN models, where model weights are updated
periodically to handle drifts in data distribution over time. Specifically, we
empirically quantify the "survivability" of a backdoor against model updates,
and examine how attack parameters, data drift behaviors, and model update
strategies affect backdoor survivability. Our results show that one-shot
backdoor attacks (i.e., only poisoning training data once) do not survive past
a few model updates, even when attackers aggressively increase trigger size and
poison ratio. To stay unaffected by model update, attackers must continuously
introduce corrupted data into the training pipeline. Together, these results
indicate that when models are updated to learn new data, they also "forget"
backdoors as hidden, malicious features. The larger the distribution shift
between old and new training data, the faster backdoors are forgotten.
Leveraging these insights, we apply a smart learning rate scheduler to further
accelerate backdoor forgetting during model updates, which prevents one-shot
backdoors from surviving past a single model update.
|
111,504 | 111,504 | ReCo: A Dataset for Residential Community Layout Planning | Layout planning is centrally important in the field of architecture and urban
design. Among the various basic units carrying urban functions, residential
community plays a vital part for supporting human life. Therefore, the layout
planning of residential community has always been of concern, and has attracted
particular attention since the advent of deep learning that facilitates the
automated layout generation and spatial pattern recognition. However, the
research circles generally suffer from the insufficiency of residential
community layout benchmark or high-quality datasets, which hampers the future
exploration of data-driven methods for residential community layout planning.
The lack of datasets is largely due to the difficulties of large-scale
real-world residential data acquisition and long-term expert screening. In
order to address the issues and advance a benchmark dataset for various
intelligent spatial design and analysis applications in the development of
smart city, we introduce Residential Community Layout Planning (ReCo) Dataset,
which is the first and largest open-source vector dataset related to real-world
community to date. ReCo Dataset is presented in multiple data formats with
37,646 residential community layout plans, covering 598,728 residential
buildings with height information. ReCo can be conveniently adapted for
residential community layout related urban design tasks, e.g., generative
layout design, morphological pattern recognition and spatial evaluation. To
validate the utility of ReCo in automated residential community layout
planning, a Generative Adversarial Network (GAN) based generative model is
further applied to the dataset. We expect ReCo Dataset to inspire more creative
and practical work in intelligent design and beyond. The ReCo Dataset is
published at: https://www.kaggle.com/fdudsde/reco-dataset.
|
111,505 | 111,505 | POODLE: Improving Few-shot Learning via Penalizing Out-of-Distribution
Samples | In this work, we propose to use out-of-distribution samples, i.e., unlabeled
samples coming from outside the target classes, to improve few-shot learning.
Specifically, we exploit the easily available out-of-distribution samples to
drive the classifier to avoid irrelevant features by maximizing the distance
from prototypes to out-of-distribution samples while minimizing that of
in-distribution samples (i.e., support, query data). Our approach is simple to
implement, agnostic to feature extractors, lightweight without any additional
cost for pre-training, and applicable to both inductive and transductive
settings. Extensive experiments on various standard benchmarks demonstrate that
the proposed method consistently improves the performance of pretrained
networks with different architectures.
|
111,506 | 111,506 | RT-DNAS: Real-time Constrained Differentiable Neural Architecture Search
for 3D Cardiac Cine MRI Segmentation | Accurately segmenting temporal frames of cine magnetic resonance imaging
(MRI) is a crucial step in various real-time MRI guided cardiac interventions.
To achieve fast and accurate visual assistance, there are strict requirements
on the maximum latency and minimum throughput of the segmentation framework.
State-of-the-art neural networks on this task are mostly hand-crafted to
satisfy these constraints while achieving high accuracy. On the other hand,
while existing literature have demonstrated the power of neural architecture
search (NAS) in automatically identifying the best neural architectures for
various medical applications, they are mostly guided by accuracy, sometimes
with computation complexity, and the importance of real-time constraints are
overlooked. A major challenge is that such constraints are non-differentiable
and are thus not compatible with the widely used differentiable NAS frameworks.
In this paper, we present a strategy that directly handles real-time
constraints in a differentiable NAS framework named RT-DNAS. Experiments on
extended 2017 MICCAI ACDC dataset show that compared with state-of-the-art
manually and automatically designed architectures, RT-DNAS is able to identify
ones with better accuracy while satisfying the real-time constraints.
|
111,507 | 111,507 | Predictive Exit: Prediction of Fine-Grained Early Exits for Computation-
and Energy-Efficient Inference | By adding exiting layers to the deep learning networks, early exit can
terminate the inference earlier with accurate results. The passive
decision-making of whether to exit or continue the next layer has to go through
every pre-placed exiting layer until it exits. In addition, it is also hard to
adjust the configurations of the computing platforms alongside the inference
proceeds. By incorporating a low-cost prediction engine, we propose a
Predictive Exit framework for computation- and energy-efficient deep learning
applications. Predictive Exit can forecast where the network will exit (i.e.,
establish the number of remaining layers to finish the inference), which
effectively reduces the network computation cost by exiting on time without
running every pre-placed exiting layer. Moreover, according to the number of
remaining layers, proper computing configurations (i.e., frequency and voltage)
are selected to execute the network to further save energy. Extensive
experimental results demonstrate that Predictive Exit achieves up to 96.2%
computation reduction and 72.9% energy-saving compared with classic deep
learning networks; and 12.8% computation reduction and 37.6% energy-saving
compared with the early exit under state-of-the-art exiting strategies, given
the same inference accuracy and latency.
|
111,508 | 111,508 | Unsupervised Deep Discriminant Analysis Based Clustering | This work presents an unsupervised deep discriminant analysis for clustering.
The method is based on deep neural networks and aims to minimize the
intra-cluster discrepancy and maximize the inter-cluster discrepancy in an
unsupervised manner. The method is able to project the data into a nonlinear
low-dimensional latent space with compact and distinct distribution patterns
such that the data clusters can be effectively identified. We further provide
an extension of the method such that available graph information can be
effectively exploited to improve the clustering performance. Extensive
numerical results on image and non-image data with or without graph information
demonstrate the effectiveness of the proposed methods.
|
111,509 | 111,509 | Swan: A Neural Engine for Efficient DNN Training on Smartphone SoCs | The need to train DNN models on end-user devices (e.g., smartphones) is
increasing with the need to improve data privacy and reduce communication
overheads. Unlike datacenter servers with powerful CPUs and GPUs, modern
smartphones consist of a diverse collection of specialized cores following a
system-on-a-chip (SoC) architecture that together perform a variety of tasks.
We observe that training DNNs on a smartphone SoC without carefully considering
its resource constraints can not only lead to suboptimal training performance
but significantly affect user experience as well. In this paper, we present
Swan, a neural engine to optimize DNN training on smartphone SoCs without
hurting user experience. Extensive large-scale evaluations show that Swan can
improve performance by 1.2 - 23.3x over the state-of-the-art.
|
111,510 | 111,510 | NNTrainer: Light-Weight On-Device Training Framework | Modern consumer electronic devices have adopted deep learning-based
intelligence services for their key features. Vendors have recently started to
execute intelligence services on devices to preserve personal data in devices,
reduce network and cloud costs. We find such a trend as the opportunity to
personalize intelligence services by updating neural networks with user data
without exposing the data out of devices: on-device training. For example, we
may add a new class, my dog, Alpha, for robotic vacuums, adapt speech
recognition for the users accent, let text-to-speech speak as if the user
speaks. However, the resource limitations of target devices incur significant
difficulties. We propose NNTrainer, a light-weight on-device training
framework. We describe optimization techniques for neural networks implemented
by NNTrainer, which are evaluated along with the conventional. The evaluations
show that NNTrainer can reduce memory consumption down to 1/28 without
deteriorating accuracy or training time and effectively personalizes
applications on devices. NNTrainer is cross-platform and practical open source
software, which is being deployed to millions of devices in the authors
affiliation.
|
111,511 | 111,511 | AI-based Clinical Assessment of Optic Nerve Head Robustness Superseding
Biomechanical Testing | $\mathbf{Purpose}$: To use artificial intelligence (AI) to: (1) exploit
biomechanical knowledge of the optic nerve head (ONH) from a relatively large
population; (2) assess ONH robustness from a single optical coherence
tomography (OCT) scan of the ONH; (3) identify what critical three-dimensional
(3D) structural features make a given ONH robust.
$\mathbf{Design}$: Retrospective cross-sectional study.
$\mathbf{Methods}$: 316 subjects had their ONHs imaged with OCT before and
after acute intraocular pressure (IOP) elevation through ophthalmo-dynamometry.
IOP-induced lamina-cribrosa deformations were then mapped in 3D and used to
classify ONHs. Those with LC deformations superior to 4% were considered
fragile, while those with deformations inferior to 4% robust. Learning from
these data, we compared three AI algorithms to predict ONH robustness strictly
from a baseline (undeformed) OCT volume: (1) a random forest classifier; (2) an
autoencoder; and (3) a dynamic graph CNN (DGCNN). The latter algorithm also
allowed us to identify what critical 3D structural features make a given ONH
robust.
$\mathbf{Results}$: All 3 methods were able to predict ONH robustness from 3D
structural information alone and without the need to perform biomechanical
testing. The DGCNN (area under the receiver operating curve [AUC]: 0.76 $\pm$
0.08) outperformed the autoencoder (AUC: 0.70 $\pm$ 0.07) and the random forest
classifier (AUC: 0.69 $\pm$ 0.05). Interestingly, to assess ONH robustness, the
DGCNN mainly used information from the scleral canal and the LC insertion
sites.
$\mathbf{Conclusions}$: We propose an AI-driven approach that can assess the
robustness of a given ONH solely from a single OCT scan of the ONH, and without
the need to perform biomechanical testing. Longitudinal studies should
establish whether ONH robustness could help us identify fast visual field loss
progressors.
|
111,512 | 111,512 | A Resilient Distributed Boosting Algorithm | Given a learning task where the data is distributed among several parties,
communication is one of the fundamental resources which the parties would like
to minimize. We present a distributed boosting algorithm which is resilient to
a limited amount of noise. Our algorithm is similar to classical boosting
algorithms, although it is equipped with a new component, inspired by
Impagliazzo's hard-core lemma [Impagliazzo95], adding a robustness quality to
the algorithm. We also complement this result by showing that resilience to any
asymptotically larger noise is not achievable by a communication-efficient
algorithm.
|
111,513 | 111,513 | On the Unreasonable Effectiveness of Federated Averaging with
Heterogeneous Data | Existing theory predicts that data heterogeneity will degrade the performance
of the Federated Averaging (FedAvg) algorithm in federated learning. However,
in practice, the simple FedAvg algorithm converges very well. This paper
explains the seemingly unreasonable effectiveness of FedAvg that contradicts
the previous theoretical predictions. We find that the key assumption of
bounded gradient dissimilarity in previous theoretical analyses is too
pessimistic to characterize data heterogeneity in practical applications. For a
simple quadratic problem, we demonstrate there exist regimes where large
gradient dissimilarity does not have any negative impact on the convergence of
FedAvg. Motivated by this observation, we propose a new quantity, average drift
at optimum, to measure the effects of data heterogeneity, and explicitly use it
to present a new theoretical analysis of FedAvg. We show that the average drift
at optimum is nearly zero across many real-world federated training tasks,
whereas the gradient dissimilarity can be large. And our new analysis suggests
FedAvg can have identical convergence rates in homogeneous and heterogeneous
data settings, and hence, leads to better understanding of its empirical
success.
|
111,514 | 111,514 | COSTA: Covariance-Preserving Feature Augmentation for Graph Contrastive
Learning | Graph contrastive learning (GCL) improves graph representation learning,
leading to SOTA on various downstream tasks. The graph augmentation step is a
vital but scarcely studied step of GCL. In this paper, we show that the node
embedding obtained via the graph augmentations is highly biased, somewhat
limiting contrastive models from learning discriminative features for
downstream tasks. Thus, instead of investigating graph augmentation in the
input space, we alternatively propose to perform augmentations on the hidden
features (feature augmentation). Inspired by so-called matrix sketching, we
propose COSTA, a novel COvariance-preServing feaTure space Augmentation
framework for GCL, which generates augmented features by maintaining a "good
sketch" of original features. To highlight the superiority of feature
augmentation with COSTA, we investigate a single-view setting (in addition to
multi-view one) which conserves memory and computations. We show that the
feature augmentation with COSTA achieves comparable/better results than graph
augmentation based models.
|
111,515 | 111,515 | STNDT: Modeling Neural Population Activity with a Spatiotemporal
Transformer | Modeling neural population dynamics underlying noisy single-trial spiking
activities is essential for relating neural observation and behavior. A recent
non-recurrent method - Neural Data Transformers (NDT) - has shown great success
in capturing neural dynamics with low inference latency without an explicit
dynamical model. However, NDT focuses on modeling the temporal evolution of the
population activity while neglecting the rich covariation between individual
neurons. In this paper we introduce SpatioTemporal Neural Data Transformer
(STNDT), an NDT-based architecture that explicitly models responses of
individual neurons in the population across time and space to uncover their
underlying firing rates. In addition, we propose a contrastive learning loss
that works in accordance with mask modeling objective to further improve the
predictive performance. We show that our model achieves state-of-the-art
performance on ensemble level in estimating neural activities across four
neural datasets, demonstrating its capability to capture autonomous and
non-autonomous dynamics spanning different cortical regions while being
completely agnostic to the specific behaviors at hand. Furthermore, STNDT
spatial attention mechanism reveals consistently important subsets of neurons
that play a vital role in driving the response of the entire population,
providing interpretability and key insights into how the population of neurons
performs computation.
|
111,516 | 111,516 | A Neural Network Architecture for Program Understanding Inspired by
Human Behaviors | Program understanding is a fundamental task in program language processing.
Despite the success, existing works fail to take human behaviors as reference
in understanding programs. In this paper, we consider human behaviors and
propose the PGNN-EK model that consists of two main components. On the one
hand, inspired by the "divide-and-conquer" reading behaviors of humans, we
present a partitioning-based graph neural network model PGNN on the upgraded
AST of codes. On the other hand, to characterize human behaviors of resorting
to other resources to help code comprehension, we transform raw codes with
external knowledge and apply pre-training techniques for information
extraction. Finally, we combine the two embeddings generated from the two
components to output code embeddings. We conduct extensive experiments to show
the superior performance of PGNN-EK on the code summarization and code clone
detection tasks. In particular, to show the generalization ability of our
model, we release a new dataset that is more challenging for code clone
detection and could advance the development of the community. Our codes and
data are publicly available at https://github.com/RecklessRonan/PGNN-EK.
|
111,517 | 111,517 | Leveraging Centric Data Federated Learning Using Blockchain For
Integrity Assurance | Machine learning abilities have become a vital component for various
solutions across industries, applications, and sectors. Many organizations seek
to leverage AI-based solutions across their business services to unlock better
efficiency and increase productivity. Problems, however, can arise if there is
a lack of quality data for AI-model training, scalability, and maintenance. We
propose a data-centric federated learning architecture leveraged by a public
blockchain and smart contracts to overcome this significant issue. Our proposed
solution provides a virtual public marketplace where developers, data
scientists, and AI-engineer can publish their models and collaboratively create
and access quality data for training. We enhance data quality and integrity
through an incentive mechanism that rewards contributors for data contribution
and verification. Those combined with the proposed framework helped increase
with only one user simulation the training dataset with an average of 100 input
daily and the model accuracy by approximately 4\%.
|
111,518 | 111,518 | AI-MIA: COVID-19 Detection & Severity Analysis through Medical Imaging | This paper presents the baseline approach for the organized 2nd Covid-19
Competition, occurring in the framework of the AIMIA Workshop in the European
Conference on Computer Vision (ECCV 2022). It presents the COV19-CT-DB database
which is annotated for COVID-19 detction, consisting of about 7,700 3-D CT
scans. Part of the database consisting of Covid-19 cases is further annotated
in terms of four Covid-19 severity conditions. We have split the database and
the latter part of it in training, validation and test datasets. The former two
datasets are used for training and validation of machine learning models, while
the latter will be used for evaluation of the developed models. The baseline
approach consists of a deep learning approach, based on a CNN-RNN network and
report its performance on the COVID19-CT-DB database.
|
111,519 | 111,519 | Fast Bayesian Inference with Batch Bayesian Quadrature via Kernel
Recombination | Calculation of Bayesian posteriors and model evidences typically requires
numerical integration. Bayesian quadrature (BQ), a surrogate-model-based
approach to numerical integration, is capable of superb sample efficiency, but
its lack of parallelisation has hindered its practical applications. In this
work, we propose a parallelised (batch) BQ method, employing techniques from
kernel quadrature, that possesses a provably-exponential convergence rate.
Additionally, just as with Nested Sampling, our method permits simultaneous
inference of both posteriors and model evidence. Samples from our BQ surrogate
model are re-selected to give a sparse set of samples, via a kernel
recombination algorithm, requiring negligible additional time to increase the
batch size. Empirically, we find that our approach significantly outperforms
the sampling efficiency of both state-of-the-art BQ techniques and Nested
Sampling in various real-world datasets, including lithium-ion battery
analytics.
|
111,520 | 111,520 | A Novel Partitioned Approach for Reduced Order Model -- Finite Element
Model (ROM-FEM) and ROM-ROM Coupling | Partitioned methods allow one to build a simulation capability for coupled
problems by reusing existing single-component codes. In so doing, partitioned
methods can shorten code development and validation times for multiphysics and
multiscale applications. In this work, we consider a scenario in which one or
more of the "codes" being coupled are projection-based reduced order models
(ROMs), introduced to lower the computational cost associated with a particular
component. We simulate this scenario by considering a model interface problem
that is discretized independently on two non-overlapping subdomains. We then
formulate a partitioned scheme for this problem that allows the coupling
between a ROM "code" for one of the subdomains with a finite element model
(FEM) or ROM "code" for the other subdomain. The ROM "codes" are constructed by
performing proper orthogonal decomposition (POD) on a snapshot ensemble to
obtain a low-dimensional reduced order basis, followed by a Galerkin projection
onto this basis. The ROM and/or FEM "codes" on each subdomain are then coupled
using a Lagrange multiplier representing the interface flux. To partition the
resulting monolithic problem, we first eliminate the flux through a dual Schur
complement. Application of an explicit time integration scheme to the
transformed monolithic problem decouples the subdomain equations, allowing
their independent solution for the next time step. We show numerical results
that demonstrate the proposed method's efficacy in achieving both ROM-FEM and
ROM-ROM coupling.
|
111,521 | 111,521 | I'm Me, We're Us, and I'm Us: Tri-directional Contrastive Learning on
Hypergraphs | Although machine learning on hypergraphs has attracted considerable
attention, most of the works have focused on (semi-)supervised learning, which
may cause heavy labeling costs and poor generalization. Recently, contrastive
learning has emerged as a successful unsupervised representation learning
method. Despite the prosperous development of contrastive learning in other
domains, contrastive learning on hypergraphs remains little explored. In this
paper, we propose TriCon (Tri-directional Contrastive learning), a general
framework for contrastive learning on hypergraphs. Its main idea is
tri-directional contrast, and specifically, it aims to maximize in two
augmented views the agreement (a) between the same node, (b) between the same
group of nodes, and (c) between each group and its members. Together with
simple but surprisingly effective data augmentation and negative sampling
schemes, these three forms of contrast enable TriCon to capture both
microscopic and mesoscopic structural information in node embeddings. Our
extensive experiments using 13 baseline approaches, five datasets, and two
tasks demonstrate the effectiveness of TriCon, and most noticeably, TriCon
consistently outperforms not just unsupervised competitors but also
(semi-)supervised competitors mostly by significant margins for node
classification.
|
111,522 | 111,522 | A Learning-Theoretic Framework for Certified Auditing of Machine
Learning Models | Responsible use of machine learning requires that models be audited for
undesirable properties. However, how to do principled auditing in a general
setting has remained ill-understood. In this paper, we propose a formal
learning-theoretic framework for auditing. We propose algorithms for auditing
linear classifiers for feature sensitivity using label queries as well as
different kinds of explanations, and provide performance guarantees. Our
results illustrate that while counterfactual explanations can be extremely
helpful for auditing, anchor explanations may not be as beneficial in the worst
case.
|
111,523 | 111,523 | Quantum Policy Iteration via Amplitude Estimation and Grover Search --
Towards Quantum Advantage for Reinforcement Learning | We present a full implementation and simulation of a novel quantum
reinforcement learning (RL) method and mathematically prove a quantum
advantage. Our approach shows in detail how to combine amplitude estimation and
Grover search into a policy evaluation and improvement scheme. We first develop
quantum policy evaluation (QPE) which is quadratically more efficient compared
to an analogous classical Monte Carlo estimation and is based on a quantum
mechanical realization of a finite Markov decision process (MDP). Building on
QPE, we derive a quantum policy iteration that repeatedly improves an initial
policy using Grover search until the optimum is reached. Finally, we present an
implementation of our algorithm for a two-armed bandit MDP which we then
simulate. The results confirm that QPE provides a quantum advantage in RL
problems.
|
111,524 | 111,524 | Mobility Improves the Convergence of Asynchronous Federated Learning | This paper studies asynchronous Federated Learning (FL) subject to clients'
individual arbitrary communication patterns with the parameter server. We
propose FedMobile, a new asynchronous FL algorithm that exploits the mobility
attribute of the mobile FL system to improve the learning performance. The key
idea is to leverage the random client-to-client communication in a mobile
network to create additional indirect communication opportunities with the
server via upload and download relaying. We prove that FedMobile achieves a
convergence rate $O(\frac{1}{\sqrt{NT}})$, where $N$ is the number of clients
and $T$ is the number of communication slots, and show that the optimal design
involves an interesting trade-off on the best timing of relaying. Our analysis
suggests that with an increased level of mobility, asynchronous FL converges
faster using FedMobile. Experiment results on a synthetic dataset and two
real-world datasets verify our theoretical findings.
|
111,525 | 111,525 | Strong Memory Lower Bounds for Learning Natural Models | We give lower bounds on the amount of memory required by one-pass streaming
algorithms for solving several natural learning problems. In a setting where
examples lie in $\{0,1\}^d$ and the optimal classifier can be encoded using
$\kappa$ bits, we show that algorithms which learn using a near-minimal number
of examples, $\tilde O(\kappa)$, must use $\tilde \Omega( d\kappa)$ bits of
space. Our space bounds match the dimension of the ambient space of the
problem's natural parametrization, even when it is quadratic in the size of
examples and the final classifier. For instance, in the setting of $d$-sparse
linear classifiers over degree-2 polynomial features, for which
$\kappa=\Theta(d\log d)$, our space lower bound is $\tilde\Omega(d^2)$. Our
bounds degrade gracefully with the stream length $N$, generally having the form
$\tilde\Omega\left(d\kappa \cdot \frac{\kappa}{N}\right)$.
Bounds of the form $\Omega(d\kappa)$ were known for learning parity and other
problems defined over finite fields. Bounds that apply in a narrow range of
sample sizes are also known for linear regression. Ours are the first such
bounds for problems of the type commonly seen in recent learning applications
that apply for a large range of input sizes.
|
111,526 | 111,526 | Mildly Conservative Q-Learning for Offline Reinforcement Learning | Offline reinforcement learning (RL) defines the task of learning from a
static logged dataset without continually interacting with the environment. The
distribution shift between the learned policy and the behavior policy makes it
necessary for the value function to stay conservative such that
out-of-distribution (OOD) actions will not be severely overestimated. However,
existing approaches, penalizing the unseen actions or regularizing with the
behavior policy, are too pessimistic, which suppresses the generalization of
the value function and hinders the performance improvement. This paper explores
mild but enough conservatism for offline learning while not harming
generalization. We propose Mildly Conservative Q-learning (MCQ), where OOD
actions are actively trained by assigning them proper pseudo Q values. We
theoretically show that MCQ induces a policy that behaves at least as well as
the behavior policy and no erroneous overestimation will occur for OOD actions.
Experimental results on the D4RL benchmarks demonstrate that MCQ achieves
remarkable performance compared with prior work. Furthermore, MCQ shows
superior generalization ability when transferring from offline to online, and
significantly outperforms baselines.
|
111,527 | 111,527 | HDTorch: Accelerating Hyperdimensional Computing with GP-GPUs for Design
Space Exploration | HyperDimensional Computing (HDC) as a machine learning paradigm is highly
interesting for applications involving continuous, semi-supervised learning for
long-term monitoring. However, its accuracy is not yet on par with other
Machine Learning (ML) approaches. Frameworks enabling fast design space
exploration to find practical algorithms are necessary to make HD computing
competitive with other ML techniques. To this end, we introduce HDTorch, an
open-source, PyTorch-based HDC library with CUDA extensions for hypervector
operations. We demonstrate HDTorch's utility by analyzing four HDC benchmark
datasets in terms of accuracy, runtime, and memory consumption, utilizing both
classical and online HD training methodologies. We demonstrate average
(training)/inference speedups of (111x/68x)/87x for classical/online HD,
respectively. Moreover, we analyze the effects of varying hyperparameters on
runtime and accuracy. Finally, we demonstrate how HDTorch enables exploration
of HDC strategies applied to large, real-world datasets. We perform the
first-ever HD training and inference analysis of the entirety of the CHB-MIT
EEG epilepsy database. Results show that the typical approach of training on a
subset of the data does not necessarily generalize to the entire dataset, an
important factor when developing future HD models for medical wearable devices.
|
111,528 | 111,528 | An Empirical Study on Disentanglement of Negative-free Contrastive
Learning | Negative-free contrastive learning has attracted a lot of attention with
simplicity and impressive performance for large-scale pretraining. But its
disentanglement property remains unexplored. In this paper, we take different
negative-free contrastive learning methods to study the disentanglement
property of this genre of self-supervised methods empirically. We find the
existing disentanglement metrics fail to make meaningful measurements for the
high-dimensional representation model so we propose a new disentanglement
metric based on Mutual Information between representation and data factors.
With the proposed metric, we benchmark the disentanglement property of
negative-free contrastive learning for the first time, on both popular
synthetic datasets and a real-world dataset CelebA. Our study shows that the
investigated methods can learn a well-disentangled subset of representation. We
extend the study of the disentangled representation learning to
high-dimensional representation space and negative-free contrastive learning
for the first time. The implementation of the proposed metric is available at
\url{https://github.com/noahcao/disentanglement_lib_med}.
|
111,529 | 111,529 | Data-Efficient Double-Win Lottery Tickets from Robust Pre-training | Pre-training serves as a broadly adopted starting point for transfer learning
on various downstream tasks. Recent investigations of lottery tickets
hypothesis (LTH) demonstrate such enormous pre-trained models can be replaced
by extremely sparse subnetworks (a.k.a. matching subnetworks) without
sacrificing transferability. However, practical security-crucial applications
usually pose more challenging requirements beyond standard transfer, which also
demand these subnetworks to overcome adversarial vulnerability. In this paper,
we formulate a more rigorous concept, Double-Win Lottery Tickets, in which a
located subnetwork from a pre-trained model can be independently transferred on
diverse downstream tasks, to reach BOTH the same standard and robust
generalization, under BOTH standard and adversarial training regimes, as the
full pre-trained model can do. We comprehensively examine various pre-training
mechanisms and find that robust pre-training tends to craft sparser double-win
lottery tickets with superior performance over the standard counterparts. For
example, on downstream CIFAR-10/100 datasets, we identify double-win matching
subnetworks with the standard, fast adversarial, and adversarial pre-training
from ImageNet, at 89.26%/73.79%, 89.26%/79.03%, and 91.41%/83.22% sparsity,
respectively. Furthermore, we observe the obtained double-win lottery tickets
can be more data-efficient to transfer, under practical data-limited (e.g., 1%
and 10%) downstream schemes. Our results show that the benefits from robust
pre-training are amplified by the lottery ticket scheme, as well as the
data-limited transfer setting. Codes are available at
https://github.com/VITA-Group/Double-Win-LTH.
|
111,530 | 111,530 | Neural Bregman Divergences for Distance Learning | Many metric learning tasks, such as triplet learning, nearest neighbor
retrieval, and visualization, are treated primarily as embedding tasks where
the ultimate metric is some variant of the Euclidean distance (e.g., cosine or
Mahalanobis), and the algorithm must learn to embed points into the pre-chosen
space. The study of non-Euclidean geometries or appropriateness is often not
explored, which we believe is due to a lack of tools for learning non-Euclidean
measures of distance. Under the belief that the use of asymmetric methods in
particular have lacked sufficient study, we propose a new approach to learning
arbitrary Bergman divergences in a differentiable manner via input convex
neural networks. Over a set of both new and previously studied tasks, including
asymmetric regression, ranking, and clustering, we demonstrate that our method
more faithfully learns divergences than prior Bregman learning approaches. In
doing so we obtain the first method for learning neural Bregman divergences and
with it inherit the many nice mathematical properties of Bregman divergences,
providing the foundation and tooling for better developing and studying
asymmetric distance learning.
|
111,531 | 111,531 | Joint Entropy Search For Maximally-Informed Bayesian Optimization | Information-theoretic Bayesian optimization techniques have become popular
for optimizing expensive-to-evaluate black-box functions due to their
non-myopic qualities. Entropy Search and Predictive Entropy Search both
consider the entropy over the optimum in the input space, while the recent
Max-value Entropy Search considers the entropy over the optimal value in the
output space. We propose Joint Entropy Search (JES), a novel
information-theoretic acquisition function that considers an entirely new
quantity, namely the entropy over the joint optimal probability density over
both input and output space. To incorporate this information, we consider the
reduction in entropy from conditioning on fantasized optimal input/output
pairs. The resulting approach primarily relies on standard GP machinery and
removes complex approximations typically associated with information-theoretic
methods. With minimal computational overhead, JES shows superior
decision-making, and yields state-of-the-art performance for
information-theoretic approaches across a wide suite of tasks. As a
light-weight approach with superior results, JES provides a new go-to
acquisition function for Bayesian optimization.
|
111,532 | 111,532 | What should AI see? Using the Public's Opinion to Determine the
Perception of an AI | Deep neural networks (DNN) have made impressive progress in the
interpretation of image data, so that it is conceivable and to some degree
realistic to use them in safety critical applications like automated driving.
From an ethical standpoint, the AI algorithm should take into account the
vulnerability of objects or subjects on the street that ranges from "not at
all", e.g. the road itself, to "high vulnerability" of pedestrians. One way to
take this into account is to define the cost of confusion of one semantic
category with another and use cost-based decision rules for the interpretation
of probabilities, which are the output of DNNs. However, it is an open problem
how to define the cost structure, who should be in charge to do that, and
thereby define what AI-algorithms will actually "see". As one possible answer,
we follow a participatory approach and set up an online survey to ask the
public to define the cost structure. We present the survey design and the data
acquired along with an evaluation that also distinguishes between perspective
(car passenger vs. external traffic participant) and gender. Using simulation
based $F$-tests, we find highly significant differences between the groups.
These differences have consequences on the reliable detection of pedestrians in
a safety critical distance to the self-driving car. We discuss the ethical
problems that are related to this approach and also discuss the problems
emerging from human-machine interaction through the survey from a psychological
point of view. Finally, we include comments from industry leaders in the field
of AI safety on the applicability of survey based elements in the design of AI
functionalities in automated driving.
|
111,533 | 111,533 | Trimmed Maximum Likelihood Estimation for Robust Learning in Generalized
Linear Models | We study the problem of learning generalized linear models under adversarial
corruptions. We analyze a classical heuristic called the iterative trimmed
maximum likelihood estimator which is known to be effective against label
corruptions in practice. Under label corruptions, we prove that this simple
estimator achieves minimax near-optimal risk on a wide range of generalized
linear models, including Gaussian regression, Poisson regression and Binomial
regression. Finally, we extend the estimator to the more challenging setting of
label and covariate corruptions and demonstrate its robustness and optimality
in that setting as well.
|
111,534 | 111,534 | Challenges and Opportunities in Offline Reinforcement Learning from
Visual Observations | Offline reinforcement learning has shown great promise in leveraging large
pre-collected datasets for policy learning, allowing agents to forgo
often-expensive online data collection. However, to date, offline reinforcement
learning from has been relatively under-explored, and there is a lack of
understanding of where the remaining challenges lie. In this paper, we seek to
establish simple baselines for continuous control in the visual domain. We show
that simple modifications to two state-of-the-art vision-based online
reinforcement learning algorithms, DreamerV2 and DrQ-v2, suffice to outperform
prior work and establish a competitive baseline. We rigorously evaluate these
algorithms on both existing offline datasets and a new testbed for offline
reinforcement learning from visual observations that better represents the data
distributions present in real-world offline reinforcement learning problems,
and open-source our code and data to facilitate progress in this important
domain. Finally, we present and analyze several key desiderata unique to
offline RL from visual observations, including visual distractions and visually
identifiable changes in dynamics.
|
111,535 | 111,535 | ReFace: Real-time Adversarial Attacks on Face Recognition Systems | Deep neural network based face recognition models have been shown to be
vulnerable to adversarial examples. However, many of the past attacks require
the adversary to solve an input-dependent optimization problem using gradient
descent which makes the attack impractical in real-time. These adversarial
examples are also tightly coupled to the attacked model and are not as
successful in transferring to different models. In this work, we propose
ReFace, a real-time, highly-transferable attack on face recognition models
based on Adversarial Transformation Networks (ATNs). ATNs model adversarial
example generation as a feed-forward neural network. We find that the white-box
attack success rate of a pure U-Net ATN falls substantially short of
gradient-based attacks like PGD on large face recognition datasets. We
therefore propose a new architecture for ATNs that closes this gap while
maintaining a 10000x speedup over PGD. Furthermore, we find that at a given
perturbation magnitude, our ATN adversarial perturbations are more effective in
transferring to new face recognition models than PGD. ReFace attacks can
successfully deceive commercial face recognition services in a transfer attack
setting and reduce face identification accuracy from 82% to 16.4% for AWS
SearchFaces API and Azure face verification accuracy from 91% to 50.1%.
|
111,536 | 111,536 | On the Bias-Variance Characteristics of LIME and SHAP in High Sparsity
Movie Recommendation Explanation Tasks | We evaluate two popular local explainability techniques, LIME and SHAP, on a
movie recommendation task. We discover that the two methods behave very
differently depending on the sparsity of the data set. LIME does better than
SHAP in dense segments of the data set and SHAP does better in sparse segments.
We trace this difference to the differing bias-variance characteristics of the
underlying estimators of LIME and SHAP. We find that SHAP exhibits lower
variance in sparse segments of the data compared to LIME. We attribute this
lower variance to the completeness constraint property inherent in SHAP and
missing in LIME. This constraint acts as a regularizer and therefore increases
the bias of the SHAP estimator but decreases its variance, leading to a
favorable bias-variance trade-off especially in high sparsity data settings.
With this insight, we introduce the same constraint into LIME and formulate a
novel local explainabilty framework called Completeness-Constrained LIME
(CLIMB) that is superior to LIME and much faster than SHAP.
|
111,537 | 111,537 | Building Spatio-temporal Transformers for Egocentric 3D Pose Estimation | Egocentric 3D human pose estimation (HPE) from images is challenging due to
severe self-occlusions and strong distortion introduced by the fish-eye view
from the head mounted camera. Although existing works use intermediate
heatmap-based representations to counter distortion with some success,
addressing self-occlusion remains an open problem. In this work, we leverage
information from past frames to guide our self-attention-based 3D HPE
estimation procedure -- Ego-STAN. Specifically, we build a spatio-temporal
Transformer model that attends to semantically rich convolutional neural
network-based feature maps. We also propose feature map tokens: a new set of
learnable parameters to attend to these feature maps. Finally, we demonstrate
Ego-STAN's superior performance on the xR-EgoPose dataset where it achieves a
30.6% improvement on the overall mean per-joint position error, while leading
to a 22% drop in parameters compared to the state-of-the-art.
|
111,538 | 111,538 | Comprehensive Fair Meta-learned Recommender System | In recommender systems, one common challenge is the cold-start problem, where
interactions are very limited for fresh users in the systems. To address this
challenge, recently, many works introduce the meta-optimization idea into the
recommendation scenarios, i.e. learning to learn the user preference by only a
few past interaction items. The core idea is to learn global shared
meta-initialization parameters for all users and rapidly adapt them into local
parameters for each user respectively. They aim at deriving general knowledge
across preference learning of various users, so as to rapidly adapt to the
future new user with the learned prior and a small amount of training data.
However, previous works have shown that recommender systems are generally
vulnerable to bias and unfairness. Despite the success of meta-learning at
improving the recommendation performance with cold-start, the fairness issues
are largely overlooked. In this paper, we propose a comprehensive fair
meta-learning framework, named CLOVER, for ensuring the fairness of
meta-learned recommendation models. We systematically study three kinds of
fairness - individual fairness, counterfactual fairness, and group fairness in
the recommender systems, and propose to satisfy all three kinds via a
multi-task adversarial learning scheme. Our framework offers a generic training
paradigm that is applicable to different meta-learned recommender systems. We
demonstrate the effectiveness of CLOVER on the representative meta-learned user
preference estimator on three real-world data sets. Empirical results show that
CLOVER achieves comprehensive fairness without deteriorating the overall
cold-start recommendation performance.
|
111,539 | 111,539 | Adaptive Model Pooling for Online Deep Anomaly Detection from a Complex
Evolving Data Stream | Online anomaly detection from a data stream is critical for the safety and
security of many applications but is facing severe challenges due to complex
and evolving data streams from IoT devices and cloud-based infrastructures.
Unfortunately, existing approaches fall too short for these challenges; online
anomaly detection methods bear the burden of handling the complexity while
offline deep anomaly detection methods suffer from the evolving data
distribution. This paper presents a framework for online deep anomaly
detection, ARCUS, which can be instantiated with any autoencoder-based deep
anomaly detection methods. It handles the complex and evolving data streams
using an adaptive model pooling approach with two novel techniques:
concept-driven inference and drift-aware model pool update; the former detects
anomalies with a combination of models most appropriate for the complexity, and
the latter adapts the model pool dynamically to fit the evolving data streams.
In comprehensive experiments with ten data sets which are both high-dimensional
and concept-drifted, ARCUS improved the anomaly detection accuracy of the
streaming variants of state-of-the-art autoencoder-based methods and that of
the state-of-the-art streaming anomaly detection methods by up to 22% and 37%,
respectively.
|
111,540 | 111,540 | Stable and memory-efficient image recovery using monotone operator
learning (MOL) | We introduce a monotone deep equilibrium learning framework for large-scale
inverse problems in imaging. The proposed algorithm relies on forward-backward
splitting, where each iteration consists of a gradient descent involving the
score function and a conjugate gradient algorithm to encourage data
consistency. The score function is modeled as a monotone convolutional neural
network. The use of a monotone operator offers several benefits, including
guaranteed convergence, uniqueness of fixed point, and robustness to input
perturbations, similar to the use of convex priors in compressive sensing. In
addition, the proposed formulation is significantly more memory-efficient than
unrolled methods, which allows us to apply it to 3D problems that current
unrolled algorithms cannot handle. Experiments show that the proposed scheme
can offer improved performance in 3D settings while being stable in the
presence of input perturbations.
|
111,541 | 111,541 | Learning to Efficiently Propagate for Reasoning on Knowledge Graphs | Path-based methods are more appealing solutions than embedding methods for
knowledge graph reasoning, due to their interpretability and generalization
ability to unseen graphs. However, path-based methods usually suffer from the
problem of scalability, as the time complexity grows exponentially w.r.t. the
length of paths. While recent methods compute reasoning paths with the
Bellman-Ford algorithm in polynomial time, the time and memory cost remains
very high, as they need to propagate through all the nodes and edges in the
graph. In this paper, we propose A*Net, an efficient model for path-based
reasoning on knowledge graphs. Inspired by the classical A* algorithm for
shortest path problems, our A*Net prioritizes important nodes and edges at each
propagation step, to reduce the time and memory footprint. Unlike the classical
A* algorithm that uses a heuristic function, we propose to learn the priority
function for each node to capture the complex semantics in knowledge graphs.
The priority function and the propagation steps are jointly optimized through
backpropagation. Experiments on both transductive and inductive knowledge graph
reasoning benchmarks show that A*Net achieves competitive performance with
existing state-of-the-art path-based methods, and meanwhile reduces the number
of messages, the time and the memory cost up to 7.2$\times$, 3.4$\times$ and
4.9$\times$ respectively.
|
111,542 | 111,542 | Explainable Artificial Intelligence (XAI) for Internet of Things: A
Survey | Black-box nature of Artificial Intelligence (AI) models do not allow users to
comprehend and sometimes trust the output created by such model. In AI
applications, where not only the results but also the decision paths to the
results are critical, such black-box AI models are not sufficient. Explainable
Artificial Intelligence (XAI) addresses this problem and defines a set of AI
models that are interpretable by the users. Recently, several number of XAI
models have been to address the issues surrounding by lack of interpretability
and explainability of black-box models in various application areas such as
healthcare, military, energy, financial and industrial domains. Although the
concept of XAI has gained great deal of attention recently, its integration
into the IoT domain has not yet been fully defined. In this paper, we provide
an in-depth and systematic review of recent studies using XAI models in the
scope of IoT domain. We categorize the studies according to their methodology
and applications areas. In addition, we aim to focus on the challenging
problems and open issues and give future directions to guide the developers and
researchers for prospective future investigations.
|
111,543 | 111,543 | Learning Attention-based Representations from Multiple Patterns for
Relation Prediction in Knowledge Graphs | Knowledge bases, and their representations in the form of knowledge graphs
(KGs), are naturally incomplete. Since scientific and industrial applications
have extensively adopted them, there is a high demand for solutions that
complete their information. Several recent works tackle this challenge by
learning embeddings for entities and relations, then employing them to predict
new relations among the entities. Despite their aggrandizement, most of those
methods focus only on the local neighbors of a relation to learn the
embeddings. As a result, they may fail to capture the KGs' context information
by neglecting long-term dependencies and the propagation of entities'
semantics. In this manuscript, we propose {\AE}MP (Attention-based Embeddings
from Multiple Patterns), a novel model for learning contextualized
representations by: (i) acquiring entities' context information through an
attention-enhanced message-passing scheme, which captures the entities' local
semantics while focusing on different aspects of their neighborhood; and (ii)
capturing the semantic context, by leveraging the paths and their relationships
between entities. Our empirical findings draw insights into how attention
mechanisms can improve entities' context representation and how combining
entities and semantic path contexts improves the general representation of
entities and the relation predictions. Experimental results on several large
and small knowledge graph benchmarks show that {\AE}MP either outperforms or
competes with state-of-the-art relation prediction methods.
|
111,544 | 111,544 | Detecting Anomalous Cryptocurrency Transactions: an AML/CFT Application
of Machine Learning-based Forensics | The rise of blockchain and distributed ledger technologies (DLTs) in the
financial sector has generated a socio-economic shift that triggered legal
concerns and regulatory initiatives. While the anonymity of DLTs may safeguard
the right to privacy, data protection and other civil liberties, lack of
identification hinders accountability, investigation and enforcement. The
resulting challenges extend to the rules to combat money laundering and the
financing of terrorism and proliferation (AML/CFT). As law enforcement agencies
and analytics companies have begun to successfully apply forensics to track
currency across blockchain ecosystems, in this paper we focus on the increasing
relevance of these techniques. In particular, we offer insights into the
application to the Internet of Money (IoM) of machine learning, network and
transaction graph analysis. After providing some background on the notion of
anonymity in the IoM and on the interplay between AML/CFT and blockchain
forensics, we focus on anomaly detection approaches leading to our experiments.
Namely, we analyzed a real-world dataset of Bitcoin transactions represented as
a directed graph network through various machine learning techniques. Our claim
is that the AML/CFT domain could benefit from novel graph analysis methods in
machine learning. Indeed, our findings show that the Graph Convolutional
Networks (GCN) and Graph Attention Networks (GAT) neural network types
represent a promising solution for AML/CFT compliance.
|
111,545 | 111,545 | Theoretical Error Performance Analysis for Variational Quantum Circuit
Based Functional Regression | The noisy intermediate-scale quantum (NISQ) devices enable the implementation
of the variational quantum circuit (VQC) for quantum neural networks (QNN).
Although the VQC-based QNN has succeeded in many machine learning tasks, the
representation and generalization powers of VQC still require further
investigation, particularly when the dimensionality reduction of classical
inputs is concerned. In this work, we first put forth an end-to-end quantum
neural network, namely, TTN-VQC, which consists of a quantum tensor network
based on a tensor-train network (TTN) for dimensionality reduction and a VQC
for functional regression. Then, we aim at the error performance analysis for
the TTN-VQC in terms of representation and generalization powers. We also
characterize the optimization properties of TTN-VQC by leveraging the
Polyak-Lojasiewicz (PL) condition. Moreover, we conduct the experiments of
functional regression on a handwritten digit classification dataset to justify
our theoretical analysis.
|
111,546 | 111,546 | Motif Mining and Unsupervised Representation Learning for BirdCLEF 2022 | We build a classification model for the BirdCLEF 2022 challenge using
unsupervised methods. We implement an unsupervised representation of the
training dataset using a triplet loss on spectrogram representation of audio
motifs. Our best model performs with a score of 0.48 on the public leaderboard.
|
111,547 | 111,547 | Syntactic Inductive Biases for Deep Learning Methods | In this thesis, we try to build a connection between the two schools by
introducing syntactic inductive biases for deep learning models. We propose two
families of inductive biases, one for constituency structure and another one
for dependency structure. The constituency inductive bias encourages deep
learning models to use different units (or neurons) to separately process
long-term and short-term information. This separation provides a way for deep
learning models to build the latent hierarchical representations from
sequential inputs, that a higher-level representation is composed of and can be
decomposed into a series of lower-level representations. For example, without
knowing the ground-truth structure, our proposed model learns to process
logical expression through composing representations of variables and operators
into representations of expressions according to its syntactic structure. On
the other hand, the dependency inductive bias encourages models to find the
latent relations between entities in the input sequence. For natural language,
the latent relations are usually modeled as a directed dependency graph, where
a word has exactly one parent node and zero or several children nodes. After
applying this constraint to a Transformer-like model, we find the model is
capable of inducing directed graphs that are close to human expert annotations,
and it also outperforms the standard transformer model on different tasks. We
believe that these experimental results demonstrate an interesting alternative
for the future development of deep learning models.
|
111,548 | 111,548 | Deep learning-enhanced ensemble-based data assimilation for
high-dimensional nonlinear dynamical systems | Data assimilation (DA) is a key component of many forecasting models in
science and engineering. DA allows one to estimate better initial conditions
using an imperfect dynamical model of the system and noisy/sparse observations
available from the system. Ensemble Kalman filter (EnKF) is a DA algorithm that
is widely used in applications involving high-dimensional nonlinear dynamical
systems. However, EnKF requires evolving large ensembles of forecasts using the
dynamical model of the system. This often becomes computationally intractable,
especially when the number of states of the system is very large, e.g., for
weather prediction. With small ensembles, the estimated background error
covariance matrix in the EnKF algorithm suffers from sampling error, leading to
an erroneous estimate of the analysis state (initial condition for the next
forecast cycle). In this work, we propose hybrid ensemble Kalman filter
(H-EnKF), which is applied to a two-layer quasi-geostrophic flow system as a
test case. This framework utilizes a pre-trained deep learning-based
data-driven surrogate that inexpensively generates and evolves a large
data-driven ensemble of the states of the system to accurately compute the
background error covariance matrix with less sampling error. The H-EnKF
framework estimates a better initial condition without the need for any ad-hoc
localization strategies. H-EnKF can be extended to any ensemble-based DA
algorithm, e.g., particle filters, which are currently difficult to use for
high dimensional systems.
|
111,549 | 111,549 | Empirical Bayes approach to Truth Discovery problems | When aggregating information from conflicting sources, one's goal is to find
the truth. Most real-value \emph{truth discovery} (TD) algorithms try to
achieve this goal by estimating the competence of each source and then
aggregating the conflicting information by weighing each source's answer
proportionally to her competence. However, each of those algorithms requires
more than a single source for such estimation and usually does not consider
different estimation methods other than a weighted mean. Therefore, in this
work we formulate, prove, and empirically test the conditions for an Empirical
Bayes Estimator (EBE) to dominate the weighted mean aggregation. Our main
result demonstrates that EBE, under mild conditions, can be used as a second
step of any TD algorithm in order to reduce the expected error.
|
111,550 | 111,550 | The Slingshot Mechanism: An Empirical Study of Adaptive Optimizers and
the Grokking Phenomenon | The grokking phenomenon as reported by Power et al. ( arXiv:2201.02177 )
refers to a regime where a long period of overfitting is followed by a
seemingly sudden transition to perfect generalization. In this paper, we
attempt to reveal the underpinnings of Grokking via a series of empirical
studies. Specifically, we uncover an optimization anomaly plaguing adaptive
optimizers at extremely late stages of training, referred to as the Slingshot
Mechanism. A prominent artifact of the Slingshot Mechanism can be measured by
the cyclic phase transitions between stable and unstable training regimes, and
can be easily monitored by the cyclic behavior of the norm of the last layers
weights. We empirically observe that without explicit regularization, Grokking
as reported in ( arXiv:2201.02177 ) almost exclusively happens at the onset of
Slingshots, and is absent without it. While common and easily reproduced in
more general settings, the Slingshot Mechanism does not follow from any known
optimization theories that we are aware of, and can be easily overlooked
without an in depth examination. Our work points to a surprising and useful
inductive bias of adaptive gradient optimizers at late stages of training,
calling for a revised theoretical analysis of their origin.
|
111,551 | 111,551 | Training Neural Networks using SAT solvers | We propose an algorithm to explore the global optimization method, using SAT
solvers, for training a neural net. Deep Neural Networks have achieved great
feats in tasks like-image recognition, speech recognition, etc. Much of their
success can be attributed to the gradient-based optimisation methods, which
scale well to huge datasets while still giving solutions, better than any other
existing methods. However, there exist learning problems like the parity
function and the Fast Fourier Transform, where a neural network using
gradient-based optimisation algorithm can not capture the underlying structure
of the learning task properly. Thus, exploring global optimisation methods is
of utmost interest as the gradient-based methods get stuck in local optima. In
the experiments, we demonstrate the effectiveness of our algorithm against the
ADAM optimiser in certain tasks like parity learning. However, in the case of
image classification on the MNIST Dataset, the performance of our algorithm was
less than satisfactory. We further discuss the role of the size of the training
dataset and the hyper-parameter settings in keeping things scalable for a SAT
solver.
|
111,552 | 111,552 | Communication Efficient Distributed Learning for Kernelized Contextual
Bandits | We tackle the communication efficiency challenge of learning kernelized
contextual bandits in a distributed setting. Despite the recent advances in
communication-efficient distributed bandit learning, existing solutions are
restricted to simple models like multi-armed bandits and linear bandits, which
hamper their practical utility. In this paper, instead of assuming the
existence of a linear reward mapping from the features to the expected rewards,
we consider non-linear reward mappings, by letting agents collaboratively
search in a reproducing kernel Hilbert space (RKHS). This introduces
significant challenges in communication efficiency as distributed kernel
learning requires the transfer of raw data, leading to a communication cost
that grows linearly w.r.t. time horizon $T$. We addresses this issue by
equipping all agents to communicate via a common Nystr\"{o}m embedding that
gets updated adaptively as more data points are collected. We rigorously proved
that our algorithm can attain sub-linear rate in both regret and communication
cost.
|
111,553 | 111,553 | In Defense of Core-set: A Density-aware Core-set Selection for Active
Learning | Active learning enables the efficient construction of a labeled dataset by
labeling informative samples from an unlabeled dataset. In a real-world active
learning scenario, considering the diversity of the selected samples is crucial
because many redundant or highly similar samples exist. Core-set approach is
the promising diversity-based method selecting diverse samples based on the
distance between samples. However, the approach poorly performs compared to the
uncertainty-based approaches that select the most difficult samples where
neural models reveal low confidence. In this work, we analyze the feature space
through the lens of the density and, interestingly, observe that locally sparse
regions tend to have more informative samples than dense regions. Motivated by
our analysis, we empower the core-set approach with the density-awareness and
propose a density-aware core-set (DACS). The strategy is to estimate the
density of the unlabeled samples and select diverse samples mainly from sparse
regions. To reduce the computational bottlenecks in estimating the density, we
also introduce a new density approximation based on locality-sensitive hashing.
Experimental results clearly demonstrate the efficacy of DACS in both
classification and regression tasks and specifically show that DACS can produce
state-of-the-art performance in a practical scenario. Since DACS is weakly
dependent on neural architectures, we present a simple yet effective
combination method to show that the existing methods can be beneficially
combined with DACS.
|
111,554 | 111,554 | Hierarchical mixtures of Gaussians for combined dimensionality reduction
and clustering | To avoid the curse of dimensionality, a common approach to clustering
high-dimensional data is to first project the data into a space of reduced
dimension, and then cluster the projected data. Although effective, this
two-stage approach prevents joint optimization of the dimensionality-reduction
and clustering models, and obscures how well the complete model describes the
data. Here, we show how a family of such two-stage models can be combined into
a single, hierarchical model that we call a hierarchical mixture of Gaussians
(HMoG). An HMoG simultaneously captures both dimensionality-reduction and
clustering, and its performance is quantified in closed-form by the likelihood
function. By formulating and extending existing models with exponential family
theory, we show how to maximize the likelihood of HMoGs with
expectation-maximization. We apply HMoGs to synthetic data and RNA sequencing
data, and demonstrate how they exceed the limitations of two-stage models.
Ultimately, HMoGs are a rigorous generalization of a common statistical
framework, and provide researchers with a method to improve model performance
when clustering high-dimensional data.
|
111,555 | 111,555 | Neural Laplace: Learning diverse classes of differential equations in
the Laplace domain | Neural Ordinary Differential Equations model dynamical systems with ODEs
learned by neural networks. However, ODEs are fundamentally inadequate to model
systems with long-range dependencies or discontinuities, which are common in
engineering and biological systems. Broader classes of differential equations
(DE) have been proposed as remedies, including delay differential equations and
integro-differential equations. Furthermore, Neural ODE suffers from numerical
instability when modelling stiff ODEs and ODEs with piecewise forcing
functions. In this work, we propose Neural Laplace, a unified framework for
learning diverse classes of DEs including all the aforementioned ones. Instead
of modelling the dynamics in the time domain, we model it in the Laplace
domain, where the history-dependencies and discontinuities in time can be
represented as summations of complex exponentials. To make learning more
efficient, we use the geometrical stereographic map of a Riemann sphere to
induce more smoothness in the Laplace domain. In the experiments, Neural
Laplace shows superior performance in modelling and extrapolating the
trajectories of diverse classes of DEs, including the ones with complex history
dependency and abrupt changes.
|
111,556 | 111,556 | Beyond the Gates of Euclidean Space: Temporal-Discrimination-Fusions and
Attention-based Graph Neural Network for Human Activity Recognition | Human activity recognition (HAR) through wearable devices has received much
interest due to its numerous applications in fitness tracking, wellness
screening, and supported living. As a result, we have seen a great deal of work
in this field. Traditional deep learning (DL) has set a state of the art
performance for HAR domain. However, it ignores the data's structure and the
association between consecutive time stamps. To address this constraint, we
offer an approach based on Graph Neural Networks (GNNs) for structuring the
input representation and exploiting the relations among the samples. However,
even when using a simple graph convolution network to eliminate this shortage,
there are still several limiting factors, such as inter-class activities
issues, skewed class distribution, and a lack of consideration for sensor data
priority, all of which harm the HAR model's performance. To improve the current
HAR model's performance, we investigate novel possibilities within the
framework of graph structure to achieve highly discriminated and rich activity
features. We propose a model for (1) time-series-graph module that converts raw
data from HAR dataset into graphs; (2) Graph Convolutional Neural Networks
(GCNs) to discover local dependencies and correlations between neighboring
nodes; and (3) self-attention GNN encoder to identify sensors interactions and
data priorities. To the best of our knowledge, this is the first work for HAR,
which introduces a GNN-based approach that incorporates both the GCN and the
attention mechanism. By employing a uniform evaluation method, our framework
significantly improves the performance on hospital patient's activities dataset
comparatively considered other state of the art baseline methods.
|
111,557 | 111,557 | Mixed integer linear optimization formulations for learning optimal
binary classification trees | Decision trees are powerful tools for classification and regression that
attract many researchers working in the burgeoning area of machine learning.
One advantage of decision trees over other methods is their interpretability,
which is often preferred over other higher accuracy methods that are relatively
uninterpretable. A binary classification tree has two types of vertices: (i)
branching vertices which have exactly two children and where datapoints are
assessed on a set of discrete features; and (ii) leaf vertices at which
datapoints are given a discrete prediction. An optimal binary classification
tree can be obtained by solving a biobjective optimization problem that seeks
to (i) maximize the number of correctly classified datapoints and (ii) minimize
the number of branching vertices. In this paper, we propose four mixed integer
linear optimization (MILO) formulations for designing optimal binary
classification trees: two flow-based formulations and two-cut based
formulations. We provide theoretical comparisons between our proposed
formulations and the strongest flow-based MILO formulation of Aghaei et al.
(2021). We conduct experiments on 13 publicly available datasets to show the
models' ability to scale and the strength of a biobjective approach using
Pareto frontiers. Our code and data are available on GitHub.
|
111,558 | 111,558 | Conformal Prediction Intervals for Markov Decision Process Trajectories | Before delegating a task to an autonomous system, a human operator may want a
guarantee about the behavior of the system. This paper extends previous work on
conformal prediction for functional data and conformalized quantile regression
to provide conformal prediction intervals over the future behavior of an
autonomous system executing a fixed control policy on a Markov Decision Process
(MDP). The prediction intervals are constructed by applying conformal
corrections to prediction intervals computed by quantile regression. The
resulting intervals guarantee that with probability $1-\delta$ the observed
trajectory will lie inside the prediction interval, where the probability is
computed with respect to the starting state distribution and the stochasticity
of the MDP. The method is illustrated on MDPs for invasive species management
and StarCraft2 battles.
|
111,559 | 111,559 | Symbolic image detection using scene and knowledge graphs | Sometimes the meaning conveyed by images goes beyond the list of objects they
contain; instead, images may express a powerful message to affect the viewers'
minds. Inferring this message requires reasoning about the relationships
between the objects, and general common-sense knowledge about the components.
In this paper, we use a scene graph, a graph representation of an image, to
capture visual components. In addition, we generate a knowledge graph using
facts extracted from ConceptNet to reason about objects and attributes. To
detect the symbols, we propose a neural network framework named SKG-Sym. The
framework first generates the representations of the scene graph of the image
and its knowledge graph using Graph Convolution Network. The framework then
fuses the representations and uses an MLP to classify them. We extend the
network further to use an attention mechanism which learn the importance of the
graph representations. We evaluate our methods on a dataset of advertisements,
and compare it with baseline symbolism classification methods (ResNet and VGG).
Results show that our methods outperform ResNet in terms of F-score and the
attention-based mechanism is competitive with VGG while it has much lower model
complexity.
|
111,560 | 111,560 | Binarizing Split Learning for Data Privacy Enhancement and Computation
Reduction | Split learning (SL) enables data privacy preservation by allowing clients to
collaboratively train a deep learning model with the server without sharing raw
data. However, SL still has limitations such as potential data privacy leakage
and high computation at clients. In this study, we propose to binarize the SL
local layers for faster computation (up to 17.5 times less forward-propagation
time in both training and inference phases on mobile devices) and reduced
memory usage (up to 32 times less memory and bandwidth requirements). More
importantly, the binarized SL (B-SL) model can reduce privacy leakage from SL
smashed data with merely a small degradation in model accuracy. To further
enhance the privacy preservation, we also propose two novel approaches: 1)
training with additional local leak loss and 2) applying differential privacy,
which could be integrated separately or concurrently into the B-SL model.
Experimental results with different datasets have affirmed the advantages of
the B-SL models compared with several benchmark models. The effectiveness of
B-SL models against feature-space hijacking attack (FSHA) is also illustrated.
Our results have demonstrated B-SL models are promising for lightweight
IoT/mobile applications with high privacy-preservation requirements such as
mobile healthcare applications.
|
111,561 | 111,561 | Multi-fidelity Hierarchical Neural Processes | Science and engineering fields use computer simulation extensively. These
simulations are often run at multiple levels of sophistication to balance
accuracy and efficiency. Multi-fidelity surrogate modeling reduces the
computational cost by fusing different simulation outputs. Cheap data generated
from low-fidelity simulators can be combined with limited high-quality data
generated by an expensive high-fidelity simulator. Existing methods based on
Gaussian processes rely on strong assumptions of the kernel functions and can
hardly scale to high-dimensional settings. We propose Multi-fidelity
Hierarchical Neural Processes (MF-HNP), a unified neural latent variable model
for multi-fidelity surrogate modeling. MF-HNP inherits the flexibility and
scalability of Neural Processes. The latent variables transform the
correlations among different fidelity levels from observations to latent space.
The predictions across fidelities are conditionally independent given the
latent states. It helps alleviate the error propagation issue in existing
methods. MF-HNP is flexible enough to handle non-nested high dimensional data
at different fidelity levels with varying input and output dimensions. We
evaluate MF-HNP on epidemiology and climate modeling tasks, achieving
competitive performance in terms of accuracy and uncertainty estimation. In
contrast to deep Gaussian Processes with only low-dimensional (< 10) tasks, our
method shows great promise for speeding up high-dimensional complex simulations
(over 7000 for epidemiology modeling and 45000 for climate modeling).
|
111,562 | 111,562 | Imitation Learning via Differentiable Physics | Existing imitation learning (IL) methods such as inverse reinforcement
learning (IRL) usually have a double-loop training process, alternating between
learning a reward function and a policy and tend to suffer long training time
and high variance. In this work, we identify the benefits of differentiable
physics simulators and propose a new IL method, i.e., Imitation Learning via
Differentiable Physics (ILD), which gets rid of the double-loop design and
achieves significant improvements in final performance, convergence speed, and
stability. The proposed ILD incorporates the differentiable physics simulator
as a physics prior into its computational graph for policy learning. It unrolls
the dynamics by sampling actions from a parameterized policy, simply minimizing
the distance between the expert trajectory and the agent trajectory, and
back-propagating the gradient into the policy via temporal physics operators.
With the physics prior, ILD policies can not only be transferable to unseen
environment specifications but also yield higher final performance on a variety
of tasks. In addition, ILD naturally forms a single-loop structure, which
significantly improves the stability and training speed. To simplify the
complex optimization landscape induced by temporal physics operations, ILD
dynamically selects the learning objectives for each state during optimization.
In our experiments, we show that ILD outperforms state-of-the-art methods in a
variety of continuous control tasks with Brax, requiring only one expert
demonstration. In addition, ILD can be applied to challenging deformable object
manipulation tasks and can be generalized to unseen configurations.
|
111,563 | 111,563 | Efficient Per-Shot Convex Hull Prediction By Recurrent Learning | Adaptive video streaming relies on the construction of efficient bitrate
ladders to deliver the best possible visual quality to viewers under bandwidth
constraints. The traditional method of content dependent bitrate ladder
selection requires a video shot to be pre-encoded with multiple encoding
parameters to find the optimal operating points given by the convex hull of the
resulting rate-quality curves. However, this pre-encoding step is equivalent to
an exhaustive search process over the space of possible encoding parameters,
which causes significant overhead in terms of both computation and time
expenditure. To reduce this overhead, we propose a deep learning based method
of content aware convex hull prediction. We employ a recurrent convolutional
network (RCN) to implicitly analyze the spatiotemporal complexity of video
shots in order to predict their convex hulls. A two-step transfer learning
scheme is adopted to train our proposed RCN-Hull model, which ensures
sufficient content diversity to analyze scene complexity, while also making it
possible capture the scene statistics of pristine source videos. Our
experimental results reveal that our proposed model yields better
approximations of the optimal convex hulls, and offers competitive time savings
as compared to existing approaches. On average, the pre-encoding time was
reduced by 58.0% by our method, while the average Bjontegaard delta bitrate
(BD-rate) of the predicted convex hulls against ground truth was 0.08%, while
the mean absolute deviation of the BD-rate distribution was 0.44%
|
111,564 | 111,564 | $\mathsf{G^2Retro}$: Two-Step Graph Generative Models for Retrosynthesis
Prediction | Retrosynthesis is a procedure where a molecule is transformed into potential
reactants and thus the synthesis routes are identified. We propose a novel
generative framework, denoted as $\mathsf{G^2Retro}$, for one-step
retrosynthesis prediction. $\mathsf{G^2Retro}$ imitates the reversed logic of
synthetic reactions, that is, first predicting the reaction centers to convert
the target molecule into fragments named synthons, and then transforming
synthons into reactants, following previous semi-template-based methods. In
predicting reaction centers, $\mathsf{G^2Retro}$ defines a comprehensive set of
reaction center types, and enables diversity in the predicted reactions by
considering multiple reaction center candidates. In completing synthons,
$\mathsf{G^2Retro}$ deploys a sequence of substructure attachments to transform
synthons into reactants, which utilize a holistic view of the most updated
structures of the synthons to be completed, as well as all the involved synthon
and product structures. Here we show that $\mathsf{G^2Retro}$ is able to better
prioritize the most possible reactants in the benchmark dataset than the
state-of-the-art methods, and discover novel and highly likely reactions that
are not included in the benchmark dataset.
|
111,565 | 111,565 | Deep Leakage from Model in Federated Learning | Distributed machine learning has been widely used in recent years to tackle
the large and complex dataset problem. Therewith, the security of distributed
learning has also drawn increasing attentions from both academia and industry.
In this context, federated learning (FL) was developed as a "secure"
distributed learning by maintaining private training data locally and only
public model gradients are communicated between. However, to date, a variety of
gradient leakage attacks have been proposed for this procedure and prove that
it is insecure. For instance, a common drawback of these attacks is shared:
they require too much auxiliary information such as model weights, optimizers,
and some hyperparameters (e.g., learning rate), which are difficult to obtain
in real situations. Moreover, many existing algorithms avoid transmitting model
gradients in FL and turn to sending model weights, such as FedAvg, but few
people consider its security breach. In this paper, we present two novel
frameworks to demonstrate that transmitting model weights is also likely to
leak private local data of clients, i.e., (DLM and DLM+), under the FL
scenario. In addition, a number of experiments are performed to illustrate the
effect and generality of our attack frameworks. At the end of this paper, we
also introduce two defenses to the proposed attacks and evaluate their
protection effects. Comprehensively, the proposed attack and defense schemes
can be applied to the general distributed learning scenario as well, just with
some appropriate customization.
|
111,566 | 111,566 | Adversarial Counterfactual Environment Model Learning | A good model for action-effect prediction, named environment model, is
important to achieve sample-efficient decision-making policy learning in many
domains like robot control, recommender systems, and patients' treatment
selection. We can take unlimited trials with such a model to identify the
appropriate actions so that the costs of queries in the real world can be
saved. It requires the model to handle unseen data correctly, also called
counterfactual data. However, standard data fitting techniques do not
automatically achieve such generalization ability and commonly result in
unreliable models. In this work, we introduce counterfactual-query risk
minimization (CQRM) in model learning for generalizing to a counterfactual
dataset queried by a specific target policy. Since the target policies can be
various and unknown in policy learning, we propose an adversarial CQRM
objective in which the model learns on counterfactual data queried by
adversarial policies, and finally derive a tractable solution GALILEO. We also
discover that adversarial CQRM is closely related to the adversarial model
learning, explaining the effectiveness of the latter. We apply GALILEO in
synthetic tasks and a real-world application. The results show that GALILEO
makes accurate predictions on counterfactual data and thus significantly
improves policies in real-world testing.
|
111,567 | 111,567 | Explaining Neural Networks without Access to Training Data | We consider generating explanations for neural networks in cases where the
network's training data is not accessible, for instance due to privacy or
safety issues. Recently, $\mathcal{I}$-Nets have been proposed as a sample-free
approach to post-hoc, global model interpretability that does not require
access to training data. They formulate interpretation as a machine learning
task that maps network representations (parameters) to a representation of an
interpretable function. In this paper, we extend the $\mathcal{I}$-Net
framework to the cases of standard and soft decision trees as surrogate models.
We propose a suitable decision tree representation and design of the
corresponding $\mathcal{I}$-Net output layers. Furthermore, we make
$\mathcal{I}$-Nets applicable to real-world tasks by considering more realistic
distributions when generating the $\mathcal{I}$-Net's training data. We
empirically evaluate our approach against traditional global, post-hoc
interpretability approaches and show that it achieves superior results when the
training data is not accessible.
|
111,568 | 111,568 | Provable Guarantees for Sparsity Recovery with Deterministic Missing
Data Patterns | We study the problem of consistently recovering the sparsity pattern of a
regression parameter vector from correlated observations governed by
deterministic missing data patterns using Lasso. We consider the case in which
the observed dataset is censored by a deterministic, non-uniform filter.
Recovering the sparsity pattern in datasets with deterministic missing
structure can be arguably more challenging than recovering in a
uniformly-at-random scenario. In this paper, we propose an efficient algorithm
for missing value imputation by utilizing the topological property of the
censorship filter. We then provide novel theoretical results for exact recovery
of the sparsity pattern using the proposed imputation strategy. Our analysis
shows that, under certain statistical and topological conditions, the hidden
sparsity pattern can be recovered consistently with high probability in
polynomial time and logarithmic sample complexity.
|
111,569 | 111,569 | Out of Sight, Out of Mind: A Source-View-Wise Feature Aggregation for
Multi-View Image-Based Rendering | To estimate the volume density and color of a 3D point in the multi-view
image-based rendering, a common approach is to inspect the consensus existence
among the given source image features, which is one of the informative cues for
the estimation procedure. To this end, most of the previous methods utilize
equally-weighted aggregation features. However, this could make it hard to
check the consensus existence when some outliers, which frequently occur by
occlusions, are included in the source image feature set. In this paper, we
propose a novel source-view-wise feature aggregation method, which facilitates
us to find out the consensus in a robust way by leveraging local structures in
the feature set. We first calculate the source-view-wise distance distribution
for each source feature for the proposed aggregation. After that, the distance
distribution is converted to several similarity distributions with the proposed
learnable similarity mapping functions. Finally, for each element in the
feature set, the aggregation features are extracted by calculating the weighted
means and variances, where the weights are derived from the similarity
distributions. In experiments, we validate the proposed method on various
benchmark datasets, including synthetic and real image scenes. The experimental
results demonstrate that incorporating the proposed features improves the
performance by a large margin, resulting in the state-of-the-art performance.
|
111,570 | 111,570 | Efficient Heterogeneous Treatment Effect Estimation With Multiple
Experiments and Multiple Outcomes | Learning heterogeneous treatment effects (HTEs) is an important problem
across many fields. Most existing methods consider the setting with a single
treatment arm and a single outcome metric. However, in many real world domains,
experiments are run consistently - for example, in internet companies, A/B
tests are run every day to measure the impacts of potential changes across many
different metrics of interest. We show that even if an analyst cares only about
the HTEs in one experiment for one metric, precision can be improved greatly by
analyzing all of the data together to take advantage of cross-experiment and
cross-outcome metric correlations. We formalize this idea in a tensor
factorization framework and propose a simple and scalable model which we refer
to as the low rank or LR-learner. Experiments in both synthetic and real data
suggest that the LR-learner can be much more precise than independent HTE
estimation.
|
111,571 | 111,571 | NAGphormer: Neighborhood Aggregation Graph Transformer for Node
Classification in Large Graphs | Graph Transformers have demonstrated superiority on various graph learning
tasks in recent years. However, the complexity of existing Graph Transformers
scales quadratically with the number of nodes, making it hard to scale to
graphs with thousands of nodes. To this end, we propose a Neighborhood
Aggregation Graph Transformer (NAGphormer) that is scalable to large graphs
with millions of nodes. Before feeding the node features into the Transformer
model, NAGphormer constructs tokens for each node by a neighborhood aggregation
module called Hop2Token. For each node, Hop2Token aggregates neighborhood
features from each hop into a representation, and thereby produces a sequence
of token vectors. Subsequently, the resulting sequence of different hop
information serves as input to the Transformer model. By considering each node
as a sequence, NAGphormer could be trained in a mini-batch manner and thus
could scale to large graphs. NAGphormer further develops an attention-based
readout function so as to learn the importance of each hop adaptively. We
conduct extensive experiments on various popular benchmarks, including six
small datasets and three large datasets. The results demonstrate that
NAGphormer consistently outperforms existing Graph Transformers and mainstream
Graph Neural Networks.
|
111,572 | 111,572 | Fisher SAM: Information Geometry and Sharpness Aware Minimisation | Recent sharpness-aware minimisation (SAM) is known to find flat minima which
is beneficial for better generalisation with improved robustness. SAM
essentially modifies the loss function by reporting the maximum loss value
within the small neighborhood around the current iterate. However, it uses the
Euclidean ball to define the neighborhood, which can be inaccurate since loss
functions for neural networks are typically defined over probability
distributions (e.g., class predictive probabilities), rendering the parameter
space non Euclidean. In this paper we consider the information geometry of the
model parameter space when defining the neighborhood, namely replacing SAM's
Euclidean balls with ellipsoids induced by the Fisher information. Our
approach, dubbed Fisher SAM, defines more accurate neighborhood structures that
conform to the intrinsic metric of the underlying statistical manifold. For
instance, SAM may probe the worst-case loss value at either a too nearby or
inappropriately distant point due to the ignorance of the parameter space
geometry, which is avoided by our Fisher SAM. Another recent Adaptive SAM
approach stretches/shrinks the Euclidean ball in accordance with the scale of
the parameter magnitudes. This might be dangerous, potentially destroying the
neighborhood structure. We demonstrate improved performance of the proposed
Fisher SAM on several benchmark datasets/tasks.
|
111,573 | 111,573 | Offline Stochastic Shortest Path: Learning, Evaluation and Towards
Optimality | Goal-oriented Reinforcement Learning, where the agent needs to reach the goal
state while simultaneously minimizing the cost, has received significant
attention in real-world applications. Its theoretical formulation, stochastic
shortest path (SSP), has been intensively researched in the online setting.
Nevertheless, it remains understudied when such an online interaction is
prohibited and only historical data is provided. In this paper, we consider the
offline stochastic shortest path problem when the state space and the action
space are finite. We design the simple value iteration-based algorithms for
tackling both offline policy evaluation (OPE) and offline policy learning
tasks. Notably, our analysis of these simple algorithms yields strong
instance-dependent bounds which can imply worst-case bounds that are
near-minimax optimal. We hope our study could help illuminate the fundamental
statistical limits of the offline SSP problem and motivate further studies
beyond the scope of current consideration.
|
111,574 | 111,574 | A bio-inspired implementation of a sparse-learning spike-based
hippocampus memory model | The nervous system, more specifically, the brain, is capable of solving
complex problems simply and efficiently, far surpassing modern computers. In
this regard, neuromorphic engineering is a research field that focuses on
mimicking the basic principles that govern the brain in order to develop
systems that achieve such computational capabilities. Within this field,
bio-inspired learning and memory systems are still a challenge to be solved,
and this is where the hippocampus is involved. It is the region of the brain
that acts as a short-term memory, allowing the learning and unstructured and
rapid storage of information from all the sensory nuclei of the cerebral cortex
and its subsequent recall. In this work, we propose a novel bio-inspired memory
model based on the hippocampus with the ability to learn memories, recall them
from a cue (a part of the memory associated with the rest of the content) and
even forget memories when trying to learn others with the same cue. This model
has been implemented on the SpiNNaker hardware platform using Spiking Neural
Networks, and a set of experiments and tests were performed to demonstrate its
correct and expected operation. The proposed spike-based memory model generates
spikes only when it receives an input, being energy efficient, and it needs 7
timesteps for the learning step and 6 timesteps for recalling a
previously-stored memory. This work presents the first hardware implementation
of a fully functional bio-inspired spike-based hippocampus memory model, paving
the road for the development of future more complex neuromorphic systems.
|
111,575 | 111,575 | MAREO: Memory- and Attention- based visual REasOning | Humans continue to vastly outperform modern AI systems in their ability to
parse and understand complex visual scenes flexibly. Attention and memory are
two systems known to play a critical role in our ability to selectively
maintain and manipulate behaviorally-relevant visual information to solve some
of the most challenging visual reasoning tasks. Here, we present a novel
architecture for visual reasoning inspired by the cognitive-science literature
on visual reasoning, the Memory- and Attention-based (visual) REasOning (MAREO)
architecture. MAREO instantiates an active-vision theory, which posits that the
brain solves complex visual reasoning problems compositionally by learning to
combine previously-learned elementary visual operations to form more complex
visual routines. MAREO learns to solve visual reasoning tasks via sequences of
attention shifts to route and maintain task-relevant visual information into a
memory bank via a multi-head transformer module. Visual routines are then
deployed by a dedicated reasoning module trained to judge various relations
between objects in the scenes. Experiments on four types of reasoning tasks
demonstrate MAREO's ability to learn visual routines in a robust and
sample-efficient manner.
|
111,576 | 111,576 | Response to: Significance and stability of deep learning-based
identification of subtypes within major psychiatric disorders. Molecular
Psychiatry (2022) | Recently, Winter and Hahn [1] commented on our work on identifying subtypes
of major psychiatry disorders (MPDs) based on neurobiological features using
machine learning [2]. They questioned the generalizability of our methods and
the statistical significance, stability, and overfitting of the results, and
proposed a pipeline for disease subtyping. We appreciate their earnest
consideration of our work, however, we need to point out their misconceptions
of basic machine-learning concepts and delineate some key issues involved.
|
111,577 | 111,577 | Deep Multi-view Semi-supervised Clustering with Sample Pairwise
Constraints | Multi-view clustering has attracted much attention thanks to the capacity of
multi-source information integration. Although numerous advanced methods have
been proposed in past decades, most of them generally overlook the significance
of weakly-supervised information and fail to preserve the feature properties of
multiple views, thus resulting in unsatisfactory clustering performance. To
address these issues, in this paper, we propose a novel Deep Multi-view
Semi-supervised Clustering (DMSC) method, which jointly optimizes three kinds
of losses during networks finetuning, including multi-view clustering loss,
semi-supervised pairwise constraint loss and multiple autoencoders
reconstruction loss. Specifically, a KL divergence based multi-view clustering
loss is imposed on the common representation of multi-view data to perform
heterogeneous feature optimization, multi-view weighting and clustering
prediction simultaneously. Then, we innovatively propose to integrate pairwise
constraints into the process of multi-view clustering by enforcing the learned
multi-view representation of must-link samples (cannot-link samples) to be
similar (dissimilar), such that the formed clustering architecture can be more
credible. Moreover, unlike existing rivals that only preserve the encoders for
each heterogeneous branch during networks finetuning, we further propose to
tune the intact autoencoders frame that contains both encoders and decoders. In
this way, the issue of serious corruption of view-specific and view-shared
feature space could be alleviated, making the whole training procedure more
stable. Through comprehensive experiments on eight popular image datasets, we
demonstrate that our proposed approach performs better than the
state-of-the-art multi-view and single-view competitors.
|
111,578 | 111,578 | Evolutionary Echo State Network: evolving reservoirs in the Fourier
space | The Echo State Network (ESN) is a class of Recurrent Neural Network with a
large number of hidden-hidden weights (in the so-called reservoir). Canonical
ESN and its variations have recently received significant attention due to
their remarkable success in the modeling of non-linear dynamical systems. The
reservoir is randomly connected with fixed weights that don't change in the
learning process. Only the weights from reservoir to output are trained. Since
the reservoir is fixed during the training procedure, we may wonder if the
computational power of the recurrent structure is fully harnessed. In this
article, we propose a new computational model of the ESN type, that represents
the reservoir weights in the Fourier space and performs a fine-tuning of these
weights applying genetic algorithms in the frequency domain. The main interest
is that this procedure will work in a much smaller space compared to the
classical ESN, thus providing a dimensionality reduction transformation of the
initial method. The proposed technique allows us to exploit the benefits of the
large recurrent structure avoiding the training problems of gradient-based
method. We provide a detailed experimental study that demonstrates the good
performances of our approach with well-known chaotic systems and real-world
data.
|
111,579 | 111,579 | Merak: A Efficient Distributed DNN Training Framework with Automated 3D
Parallelism for Giant Foundation Models | Foundation models are becoming the dominant deep learning technologies.
Pretraining a foundation model is always time-consumed due to the large scale
of both the model parameter and training dataset. Besides being
computing-intensive, the training process is extremely memory-intensive and
communication-intensive. These features make it necessary to apply 3D
parallelism, which integrates data parallelism, pipeline model parallelism and
tensor model parallelism, to achieve high training efficiency.
To achieve this goal, some custom software frameworks such as Megatron-LM and
DeepSpeed are developed. However, current 3D parallelism frameworks still meet
two issues: i) they are not transparent to model developers, which need to
manually modify the model to parallelize training. ii) their utilization of
computation, GPU memory and network bandwidth are not sufficient. We propose
Merak, an automated 3D parallelism deep learning training framework with high
resource utilization. Merak automatically deploys with an automatic model
partitioner, which uses a graph sharding algorithm on a proxy representation of
the model. Merak also presents the non-intrusive API for scaling out foundation
model training with minimal code modification. In addition, we design a
high-performance 3D parallel runtime engine in Merak. It uses several
techniques to exploit available training resources, including shifted critical
path pipeline schedule that brings a higher computation utilization,
stage-aware recomputation that makes use of idle worker memory, and
sub-pipelined tensor model parallelism that overlaps communication and
computation. Experiments on 64 GPUs show Merak can speedup the training
performance over the state-of-the-art 3D parallelism frameworks of models with
1.5, 2.5, 8.3, and 20 billion parameters by up to 1.42X, 1.39X, 1.43X, and
1.61X, respectively.
|
111,580 | 111,580 | Deep Learning-based Massive MIMO CSI Acquisition for 5G Evolution and 6G | Recently, inspired by successful applications in many fields, deep learning
(DL) technologies for CSI acquisition have received considerable research
interest from both academia and industry. Considering the practical feedback
mechanism of 5th generation (5G) New radio (NR) networks, we propose two
implementation schemes for artificial intelligence for CSI (AI4CSI), the
DL-based receiver and end-to-end design, respectively. The proposed AI4CSI
schemes were evaluated in 5G NR networks in terms of spectrum efficiency (SE),
feedback overhead, and computational complexity, and compared with legacy
schemes. To demonstrate whether these schemes can be used in real-life
scenarios, both the modeled-based channel data and practically measured
channels were used in our investigations. When DL-based CSI acquisition is
applied to the receiver only, which has little air interface impact, it
provides approximately 25\% SE gain at a moderate feedback overhead level. It
is feasible to deploy it in current 5G networks during 5G evolutions. For the
end-to-end DL-based CSI enhancements, the evaluations also demonstrated their
additional performance gain on SE, which is 6% -- 26% compared with DL-based
receivers and 33% -- 58% compared with legacy CSI schemes. Considering its
large impact on air-interface design, it will be a candidate technology for 6th
generation (6G) networks, in which an air interface designed by artificial
intelligence can be used.
|
111,581 | 111,581 | Refining neural network predictions using background knowledge | Recent work has showed we can use logical background knowledge in learning
system to compensate for a lack of labeled training data. Many such methods
work by creating a loss function that encodes this knowledge. However, often
the logic is discarded after training, even if it is still useful at test-time.
Instead, we ensure neural network predictions satisfy the knowledge by refining
the predictions with an extra computation step. We introduce differentiable
refinement functions that find a corrected prediction close to the original
prediction.
We study how to effectively and efficiently compute these refinement
functions. Using a new algorithm, we combine refinement functions to find
refined predictions for logical formulas of any complexity. This algorithm
finds optimal refinements on complex SAT formulas in significantly fewer
iterations and frequently finds solutions where gradient descent can not.
|
111,582 | 111,582 | Convolutional Layers Are Not Translation Equivariant | The purpose of this paper is to correct a misconception about convolutional
neural networks (CNNs). CNNs are made up of convolutional layers which are
shift equivariant due to weight sharing. However, contrary to popular belief,
convolutional layers are not translation equivariant, even when boundary
effects are ignored and when pooling and subsampling are absent. This is
because shift equivariance is a discrete symmetry while translation
equivariance is a continuous symmetry. That discrete systems do not in general
inherit continuous equivariances is a fundamental limitation of equivariant
deep learning. We discuss two implications of this fact. First, CNNs have
achieved success in image processing despite not inheriting the translation
equivariance of the physical systems they model. Second, using CNNs to solve
partial differential equations (PDEs) will not result in translation
equivariant solvers.
|
111,583 | 111,583 | Zero-Shot Audio Classification using Image Embeddings | Supervised learning methods can solve the given problem in the presence of a
large set of labeled data. However, the acquisition of a dataset covering all
the target classes typically requires manual labeling which is expensive and
time-consuming. Zero-shot learning models are capable of classifying the unseen
concepts by utilizing their semantic information. The present study introduces
image embeddings as side information on zero-shot audio classification by using
a nonlinear acoustic-semantic projection. We extract the semantic image
representations from the Open Images dataset and evaluate the performance of
the models on an audio subset of AudioSet using semantic information in
different domains; image, audio, and textual. We demonstrate that the image
embeddings can be used as semantic information to perform zero-shot audio
classification. The experimental results show that the image and textual
embeddings display similar performance both individually and together. We
additionally calculate the semantic acoustic embeddings from the test samples
to provide an upper limit to the performance. The results show that the
classification performance is highly sensitive to the semantic relation between
test and training classes and textual and image embeddings can reach up to the
semantic acoustic embeddings when the seen and unseen classes are semantically
similar.
|
111,584 | 111,584 | The Generalized Eigenvalue Problem as a Nash Equilibrium | The generalized eigenvalue problem (GEP) is a fundamental concept in
numerical linear algebra. It captures the solution of many classical machine
learning problems such as canonical correlation analysis, independent
components analysis, partial least squares, linear discriminant analysis,
principal components, successor features and others. Despite this, most general
solvers are prohibitively expensive when dealing with massive data sets and
research has instead concentrated on finding efficient solutions to specific
problem instances. In this work, we develop a game-theoretic formulation of the
top-$k$ GEP whose Nash equilibrium is the set of generalized eigenvectors. We
also present a parallelizable algorithm with guaranteed asymptotic convergence
to the Nash. Current state-of-the-art methods require $\mathcal{O}(d^2k)$
complexity per iteration which is prohibitively expensive when the number of
dimensions ($d$) is large. We show how to achieve $\mathcal{O}(dk)$ complexity,
scaling to datasets $100\times$ larger than those evaluated by prior methods.
Empirically we demonstrate that our algorithm is able to solve a variety of GEP
problem instances including a large-scale analysis of neural network
activations.
|
111,585 | 111,585 | Weighted Ensembles for Active Learning with Adaptivity | Labeled data can be expensive to acquire in several application domains,
including medical imaging, robotics, and computer vision. To efficiently train
machine learning models under such high labeling costs, active learning (AL)
judiciously selects the most informative data instances to label on-the-fly.
This active sampling process can benefit from a statistical function model,
that is typically captured by a Gaussian process (GP). While most GP-based AL
approaches rely on a single kernel function, the present contribution advocates
an ensemble of GP models with weights adapted to the labeled data collected
incrementally. Building on this novel EGP model, a suite of acquisition
functions emerges based on the uncertainty and disagreement rules. An
adaptively weighted ensemble of EGP-based acquisition functions is also
introduced to further robustify performance. Extensive tests on synthetic and
real datasets showcase the merits of the proposed EGP-based approaches with
respect to the single GP-based AL alternatives.
|
111,586 | 111,586 | Spatial Cross-Attention Improves Self-Supervised Visual Representation
Learning | Unsupervised representation learning methods like SwAV are proved to be
effective in learning visual semantics of a target dataset. The main idea
behind these methods is that different views of a same image represent the same
semantics. In this paper, we further introduce an add-on module to facilitate
the injection of the knowledge accounting for spatial cross correlations among
the samples. This in turn results in distilling intra-class information
including feature level locations and cross similarities between same-class
instances. The proposed add-on can be added to existing methods such as the
SwAV. We can later remove the add-on module for inference without any
modification of the learned weights. Through an extensive set of empirical
evaluations, we verify that our method yields an improved performance in
detecting the class activation maps, top-1 classification accuracy, and
down-stream tasks such as object detection, with different configuration
settings.
|
111,587 | 111,587 | Explanation as Question Answering based on a Task Model of the Agent's
Design | We describe a stance towards the generation of explanations in AI agents that
is both human-centered and design-based. We collect questions about the working
of an AI agent through participatory design by focus groups. We capture an
agent's design through a Task-Method-Knowledge model that explicitly specifies
the agent's tasks and goals, as well as the mechanisms, knowledge and
vocabulary it uses for accomplishing the tasks. We illustrate our approach
through the generation of explanations in Skillsync, an AI agent that links
companies and colleges for worker upskilling and reskilling. In particular, we
embed a question-answering agent called AskJill in Skillsync, where AskJill
contains a TMK model of Skillsync's design. AskJill presently answers
human-generated questions about Skillsync's tasks and vocabulary, and thereby
helps explain how it produces its recommendations.
|
111,588 | 111,588 | Scalable Deep Gaussian Markov Random Fields for General Graphs | Machine learning methods on graphs have proven useful in many applications
due to their ability to handle generally structured data. The framework of
Gaussian Markov Random Fields (GMRFs) provides a principled way to define
Gaussian models on graphs by utilizing their sparsity structure. We propose a
flexible GMRF model for general graphs built on the multi-layer structure of
Deep GMRFs, originally proposed for lattice graphs only. By designing a new
type of layer we enable the model to scale to large graphs. The layer is
constructed to allow for efficient training using variational inference and
existing software frameworks for Graph Neural Networks. For a Gaussian
likelihood, close to exact Bayesian inference is available for the latent
field. This allows for making predictions with accompanying uncertainty
estimates. The usefulness of the proposed model is verified by experiments on a
number of synthetic and real world datasets, where it compares favorably to
other both Bayesian and deep learning methods.
|
111,589 | 111,589 | Improved Approximation for Fair Correlation Clustering | Correlation clustering is a ubiquitous paradigm in unsupervised machine
learning where addressing unfairness is a major challenge. Motivated by this,
we study Fair Correlation Clustering where the data points may belong to
different protected groups and the goal is to ensure fair representation of all
groups across clusters. Our paper significantly generalizes and improves on the
quality guarantees of previous work of Ahmadi et al. and Ahmadian et al. as
follows.
- We allow the user to specify an arbitrary upper bound on the representation
of each group in a cluster.
- Our algorithm allows individuals to have multiple protected features and
ensure fairness simultaneously across them all.
- We prove guarantees for clustering quality and fairness in this general
setting. Furthermore, this improves on the results for the special cases
studied in previous work. Our experiments on real-world data demonstrate that
our clustering quality compared to the optimal solution is much better than
what our theoretical result suggests.
|
111,590 | 111,590 | Temporal Inductive Logic Reasoning | Inductive logic reasoning is one of the fundamental tasks on graphs, which
seeks to generalize patterns from the data. This task has been studied
extensively for traditional graph datasets such as knowledge graphs (KGs), with
representative techniques such as inductive logic programming (ILP). Existing
ILP methods typically assume learning from KGs with static facts and binary
relations. Beyond KGs, graph structures are widely present in other
applications such as video instructions, scene graphs and program executions.
While inductive logic reasoning is also beneficial for these applications,
applying ILP to the corresponding graphs is nontrivial: they are more complex
than KGs, which usually involve timestamps and n-ary relations, effectively a
type of hypergraph with temporal events.
In this work, we study two of such applications and propose to represent them
as hypergraphs with time intervals. To reason on this graph, we propose the
multi-start random B-walk that traverses this hypergraph. Combining it with a
path-consistency algorithm, we propose an efficient backward-chaining ILP
method that learns logic rules by generalizing from both the temporal and the
relational data.
|
111,591 | 111,591 | Meta-data Study in Autism Spectrum Disorder Classification Based on
Structural MRI | Accurate diagnosis of autism spectrum disorder (ASD) based on neuroimaging
data has significant implications, as extracting useful information from
neuroimaging data for ASD detection is challenging. Even though machine
learning techniques have been leveraged to improve the information extraction
from neuroimaging data, the varying data quality caused by different meta-data
conditions (i.e., data collection strategies) limits the effective information
that can be extracted, thus leading to data-dependent predictive accuracies in
ASD detection, which can be worse than random guess in some cases. In this
work, we systematically investigate the impact of three kinds of meta-data on
the predictive accuracy of classifying ASD based on structural MRI collected
from 20 different sites, where meta-data conditions vary.
|
111,592 | 111,592 | Coswara: A website application enabling COVID-19 screening by analysing
respiratory sound samples and health symptoms | The COVID-19 pandemic has accelerated research on design of alternative,
quick and effective COVID-19 diagnosis approaches. In this paper, we describe
the Coswara tool, a website application designed to enable COVID-19 detection
by analysing respiratory sound samples and health symptoms. A user using this
service can log into a website using any device connected to the internet,
provide there current health symptom information and record few sound sampled
corresponding to breathing, cough, and speech. Within a minute of analysis of
this information on a cloud server the website tool will output a COVID-19
probability score to the user. As the COVID-19 pandemic continues to demand
massive and scalable population level testing, we hypothesize that the proposed
tool provides a potential solution towards this.
|
111,593 | 111,593 | On Neural Architecture Inductive Biases for Relational Tasks | Current deep learning approaches have shown good in-distribution
generalization performance, but struggle with out-of-distribution
generalization. This is especially true in the case of tasks involving abstract
relations like recognizing rules in sequences, as we find in many intelligence
tests. Recent work has explored how forcing relational representations to
remain distinct from sensory representations, as it seems to be the case in the
brain, can help artificial systems. Building on this work, we further explore
and formalize the advantages afforded by 'partitioned' representations of
relations and sensory details, and how this inductive bias can help recompose
learned relational structure in newly encountered settings. We introduce a
simple architecture based on similarity scores which we name Compositional
Relational Network (CoRelNet). Using this model, we investigate a series of
inductive biases that ensure abstract relations are learned and represented
distinctly from sensory data, and explore their effects on out-of-distribution
generalization for a series of relational psychophysics tasks. We find that
simple architectural choices can outperform existing models in
out-of-distribution generalization. Together, these results show that
partitioning relational representations from other information streams may be a
simple way to augment existing network architectures' robustness when
performing out-of-distribution relational computations.
|
111,594 | 111,594 | We Cannot Guarantee Safety: The Undecidability of Graph Neural Network
Verification | Graph Neural Networks (GNN) are commonly used for two tasks: (whole) graph
classification and node classification. We formally introduce generically
formulated decision problems for both tasks, corresponding to the following
pattern: given a GNN, some specification of valid inputs, and some
specification of valid outputs, decide whether there is a valid input
satisfying the output specification. We then prove that graph classifier
verification is undecidable in general, implying that there cannot be an
algorithm surely guaranteeing the absence of misclassification of any kind.
Additionally, we show that verification in the node classification case becomes
decidable as soon as we restrict the degree of the considered graphs.
Furthermore, we discuss possible changes to these results depending on the
considered GNN model and specifications.
|
111,595 | 111,595 | Diffeomorphic Counterfactuals with Generative Models | Counterfactuals can explain classification decisions of neural networks in a
human interpretable way. We propose a simple but effective method to generate
such counterfactuals. More specifically, we perform a suitable diffeomorphic
coordinate transformation and then perform gradient ascent in these coordinates
to find counterfactuals which are classified with great confidence as a
specified target class. We propose two methods to leverage generative models to
construct such suitable coordinate systems that are either exactly or
approximately diffeomorphic. We analyze the generation process theoretically
using Riemannian differential geometry and validate the quality of the
generated counterfactuals using various qualitative and quantitative measures.
|
111,596 | 111,596 | Tensor Train for Global Optimization Problems in Robotics | The convergence of many numerical optimization techniques is highly sensitive
to the initial guess provided to the solver. We propose an approach based on
tensor methods to initialize the existing optimization solvers close to global
optima. The approach uses only the definition of the cost function and does not
need access to any database of good solutions. We first transform the cost
function, which is a function of task parameters and optimization variables,
into a probability density function. Unlike existing approaches that set the
task parameters as constant, we consider them as another set of random
variables and approximate the joint probability distribution of the task
parameters and the optimization variables using a surrogate probability model.
For a given task, we then generate samples from the conditional distribution
with respect to the given task parameter and use them as initialization for the
optimization solver. As conditioning and sampling from an arbitrary density
function are challenging, we use Tensor Train decomposition to obtain a
surrogate probability model from which we can efficiently obtain the
conditional model and the samples. The method can produce multiple solutions
coming from different modes (when they exist) for a given task. We first
evaluate the approach by applying it to various challenging benchmark functions
for numerical optimization that are difficult to solve using gradient-based
optimization solvers with a naive initialization, showing that the proposed
method can produce samples close to the global optima and coming from multiple
modes. We then demonstrate the generality of the framework and its relevance to
robotics by applying the proposed method to inverse kinematics and motion
planning problems with a 7-DoF manipulator.
|
111,597 | 111,597 | Muffliato: Peer-to-Peer Privacy Amplification for Decentralized
Optimization and Averaging | Decentralized optimization is increasingly popular in machine learning for
its scalability and efficiency. Intuitively, it should also provide better
privacy guarantees, as nodes only observe the messages sent by their neighbors
in the network graph. But formalizing and quantifying this gain is challenging:
existing results are typically limited to Local Differential Privacy (LDP)
guarantees that overlook the advantages of decentralization. In this work, we
introduce pairwise network differential privacy, a relaxation of LDP that
captures the fact that the privacy leakage from a node $u$ to a node $v$ may
depend on their relative position in the graph. We then analyze the combination
of local noise injection with (simple or randomized) gossip averaging protocols
on fixed and random communication graphs. We also derive a differentially
private decentralized optimization algorithm that alternates between local
gradient descent steps and gossip averaging. Our results show that our
algorithms amplify privacy guarantees as a function of the distance between
nodes in the graph, matching the privacy-utility trade-off of the trusted
curator, up to factors that explicitly depend on the graph topology. Finally,
we illustrate our privacy gains with experiments on synthetic and real-world
datasets.
|
111,598 | 111,598 | Federated Momentum Contrastive Clustering | We present federated momentum contrastive clustering (FedMCC), a learning
framework that can not only extract discriminative representations over
distributed local data but also perform data clustering. In FedMCC, a
transformed data pair passes through both the online and target networks,
resulting in four representations over which the losses are determined. The
resulting high-quality representations generated by FedMCC can outperform
several existing self-supervised learning methods for linear evaluation and
semi-supervised learning tasks. FedMCC can easily be adapted to ordinary
centralized clustering through what we call momentum contrastive clustering
(MCC). We show that MCC achieves state-of-the-art clustering accuracy results
in certain datasets such as STL-10 and ImageNet-10. We also present a method to
reduce the memory footprint of our clustering schemes.
|
111,599 | 111,599 | Saccade Mechanisms for Image Classification, Object Detection and
Tracking | We examine how the saccade mechanism from biological vision can be used to
make deep neural networks more efficient for classification and object
detection problems. Our proposed approach is based on the ideas of
attention-driven visual processing and saccades, miniature eye movements
influenced by attention. We conduct experiments by analyzing: i) the robustness
of different deep neural network (DNN) feature extractors to partially-sensed
images for image classification and object detection, and ii) the utility of
saccades in masking image patches for image classification and object tracking.
Experiments with convolutional nets (ResNet-18) and transformer-based models
(ViT, DETR, TransTrack) are conducted on several datasets (CIFAR-10, DAVSOD,
MSCOCO, and MOT17). Our experiments show intelligent data reduction via
learning to mimic human saccades when used in conjunction with state-of-the-art
DNNs for classification, detection, and tracking tasks. We observed minimal
drop in performance for the classification and detection tasks while only using
about 30\% of the original sensor data. We discuss how the saccade mechanism
can inform hardware design via ``in-pixel'' processing.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.