Unnamed: 0.1
int64 0
113k
| Unnamed: 0
float64 0
113k
⌀ | title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|---|---|
110,300 | 110,300 | A Conditional Randomization Test for Sparse Logistic Regression in
High-Dimension | Identifying the relevant variables for a classification model with correct
confidence levels is a central but difficult task in high-dimension. Despite
the core role of sparse logistic regression in statistics and machine learning,
it still lacks a good solution for accurate inference in the regime where the
number of features $p$ is as large as or larger than the number of samples $n$.
Here, we tackle this problem by improving the Conditional Randomization Test
(CRT). The original CRT algorithm shows promise as a way to output p-values
while making few assumptions on the distribution of the test statistics. As it
comes with a prohibitive computational cost even in mildly high-dimensional
problems, faster solutions based on distillation have been proposed. Yet, they
rely on unrealistic hypotheses and result in low-power solutions. To improve
this, we propose \emph{CRT-logit}, an algorithm that combines a
variable-distillation step and a decorrelation step that takes into account the
geometry of $\ell_1$-penalized logistic regression problem. We provide a
theoretical analysis of this procedure, and demonstrate its effectiveness on
simulations, along with experiments on large-scale brain-imaging and genomics
datasets.
|
110,301 | 110,301 | Graph Structure Based Data Augmentation Method | In this paper, we propose a novel graph-based data augmentation method that
can generally be applied to medical waveform data with graph structures. In the
process of recording medical waveform data, such as electrocardiogram (ECG) or
electroencephalogram (EEG), angular perturbations between the measurement leads
exist due to discrepancies in lead positions. The data samples with large
angular perturbations often cause inaccuracy in algorithmic prediction tasks.
We design a graph-based data augmentation technique that exploits the inherent
graph structures within the medical waveform data to improve both performance
and robustness. In addition, we show that the performance gain from graph
augmentation results from robustness by testing against adversarial attacks.
Since the bases of performance gain are orthogonal, the graph augmentation can
be used in conjunction with existing data augmentation techniques to further
improve the final performance. We believe that our graph augmentation method
opens up new possibilities to explore in data augmentation.
|
110,302 | 110,302 | Continuous Generative Neural Networks | In this work, we present and study Continuous Generative Neural Networks
(CGNNs), namely, generative models in the continuous setting. The architecture
is inspired by DCGAN, with one fully connected layer, several convolutional
layers and nonlinear activation functions. In the continuous $L^2$ setting, the
dimensions of the spaces of each layer are replaced by the scales of a
multiresolution analysis of a compactly supported wavelet. We present
conditions on the convolutional filters and on the nonlinearity that guarantee
that a CGNN is injective. This theory finds applications to inverse problems,
and allows for deriving Lipschitz stability estimates for (possibly nonlinear)
infinite-dimensional inverse problems with unknowns belonging to the manifold
generated by a CGNN. Several numerical simulations, including image deblurring,
illustrate and validate this approach.
|
110,303 | 110,303 | Physical Activation Functions (PAFs): An Approach for More Efficient
Induction of Physics into Physics-Informed Neural Networks (PINNs) | In recent years, the gap between Deep Learning (DL) methods and analytical or
numerical approaches in scientific computing is tried to be filled by the
evolution of Physics-Informed Neural Networks (PINNs). However, still, there
are many complications in the training of PINNs and optimal interleaving of
physical models. Here, we introduced the concept of Physical Activation
Functions (PAFs). This concept offers that instead of using general activation
functions (AFs) such as ReLU, tanh, and sigmoid for all the neurons, one can
use generic AFs that their mathematical expression is inherited from the
physical laws of the investigating phenomena. The formula of PAFs may be
inspired by the terms in the analytical solution of the problem. We showed that
the PAFs can be inspired by any mathematical formula related to the
investigating phenomena such as the initial or boundary conditions of the PDE
system. We validated the advantages of PAFs for several PDEs including the
harmonic oscillations, Burgers, Advection-Convection equation, and the
heterogeneous diffusion equations. The main advantage of PAFs was in the more
efficient constraining and interleaving of PINNs with the investigating
physical phenomena and their underlying mathematical models. This added
constraint significantly improved the predictions of PINNs for the testing data
that was out-of-training distribution. Furthermore, the application of PAFs
reduced the size of the PINNs up to 75% in different cases. Also, the value of
loss terms was reduced by 1 to 2 orders of magnitude in some cases which is
noteworthy for upgrading the training of the PINNs. The iterations required for
finding the optimum values were also significantly reduced. It is concluded
that using the PAFs helps in generating PINNs with less complexity and much
more validity for longer ranges of prediction.
|
110,304 | 110,304 | Micro-Expression Recognition Based on Attribute Information Embedding
and Cross-modal Contrastive Learning | Facial micro-expressions recognition has attracted much attention recently.
Micro-expressions have the characteristics of short duration and low intensity,
and it is difficult to train a high-performance classifier with the limited
number of existing micro-expressions. Therefore, recognizing micro-expressions
is a challenge task. In this paper, we propose a micro-expression recognition
method based on attribute information embedding and cross-modal contrastive
learning. We use 3D CNN to extract RGB features and FLOW features of
micro-expression sequences and fuse them, and use BERT network to extract text
information in Facial Action Coding System. Through cross-modal contrastive
loss, we embed attribute information in the visual network, thereby improving
the representation ability of micro-expression recognition in the case of
limited samples. We conduct extensive experiments in CASME II and MMEW
databases, and the accuracy is 77.82% and 71.04%, respectively. The comparative
experiments show that this method has better recognition effect than other
methods for micro-expression recognition.
|
110,305 | 110,305 | Speaker Identification using Speech Recognition | The audio data is increasing day by day throughout the globe with the
increase of telephonic conversations, video conferences and voice messages.
This research provides a mechanism for identifying a speaker in an audio file,
based on the human voice biometric features like pitch, amplitude, frequency
etc. We proposed an unsupervised learning model where the model can learn
speech representation with limited dataset. Librispeech dataset was used in
this research and we were able to achieve word error rate of 1.8.
|
110,306 | 110,306 | Contributions to Representation Learning with Graph Autoencoders and
Applications to Music Recommendation | Graph autoencoders (GAE) and variational graph autoencoders (VGAE) emerged as
two powerful groups of unsupervised node embedding methods, with various
applications to graph-based machine learning problems such as link prediction
and community detection. Nonetheless, at the beginning of this Ph.D. project,
GAE and VGAE models were also suffering from key limitations, preventing them
from being adopted in the industry. In this thesis, we present several
contributions to improve these models, with the general aim of facilitating
their use to address industrial-level problems involving graph representations.
Firstly, we propose two strategies to overcome the scalability issues of
previous GAE and VGAE models, permitting to effectively train these models on
large graphs with millions of nodes and edges. These strategies leverage graph
degeneracy and stochastic subgraph decoding techniques, respectively. Besides,
we introduce Gravity-Inspired GAE and VGAE, providing the first extensions of
these models for directed graphs, that are ubiquitous in industrial
applications. We also consider extensions of GAE and VGAE models for dynamic
graphs. Furthermore, we argue that GAE and VGAE models are often unnecessarily
complex, and we propose to simplify them by leveraging linear encoders. Lastly,
we introduce Modularity-Aware GAE and VGAE to improve community detection on
graphs, while jointly preserving good performances on link prediction. In the
last part of this thesis, we evaluate our methods on several graphs extracted
from the music streaming service Deezer. We put the emphasis on graph-based
music recommendation problems. In particular, we show that our methods can
improve the detection of communities of similar musical items to recommend to
users, that they can effectively rank similar artists in a cold start setting,
and that they permit modeling the music genre perception across cultures.
|
110,307 | 110,307 | COFS: Controllable Furniture layout Synthesis | Scalable generation of furniture layouts is essential for many applications
in virtual reality, augmented reality, game development and synthetic data
generation. Many existing methods tackle this problem as a sequence generation
problem which imposes a specific ordering on the elements of the layout making
such methods impractical for interactive editing or scene completion.
Additionally, most methods focus on generating layouts unconditionally and
offer minimal control over the generated layouts. We propose COFS, an
architecture based on standard transformer architecture blocks from language
modeling. The proposed model is invariant to object order by design, removing
the unnatural requirement of specifying an object generation order.
Furthermore, the model allows for user interaction at multiple levels enabling
fine grained control over the generation process. Our model consistently
outperforms other methods which we verify by performing quantitative
evaluations. Our method is also faster to train and sample from, compared to
existing methods.
|
110,308 | 110,308 | Heterogeneous Data-Centric Architectures for Modern Data-Intensive
Applications: Case Studies in Machine Learning and Databases | Today's computing systems require moving data back-and-forth between
computing resources (e.g., CPUs, GPUs, accelerators) and off-chip main memory
so that computation can take place on the data. Unfortunately, this data
movement is a major bottleneck for system performance and energy consumption.
One promising execution paradigm that alleviates the data movement bottleneck
in modern and emerging applications is processing-in-memory (PIM), where the
cost of data movement to/from main memory is reduced by placing computation
capabilities close to memory.
Naively employing PIM to accelerate data-intensive workloads can lead to
sub-optimal performance due to the many design constraints PIM substrates
impose. Therefore, many recent works co-design specialized PIM accelerators and
algorithms to improve performance and reduce the energy consumption of (i)
applications from various application domains; and (ii) various computing
environments, including cloud systems, mobile systems, and edge devices.
We showcase the benefits of co-designing algorithms and hardware in a way
that efficiently takes advantage of the PIM paradigm for two modern
data-intensive applications: (1) machine learning inference models for edge
devices and (2) hybrid transactional/analytical processing databases for cloud
systems. We follow a two-step approach in our system design. In the first step,
we extensively analyze the computation and memory access patterns of each
application to gain insights into its hardware/software requirements and major
sources of performance and energy bottlenecks in processor-centric systems. In
the second step, we leverage the insights from the first step to co-design
algorithms and hardware accelerators to enable high-performance and
energy-efficient data-centric architectures for each application.
|
110,309 | 110,309 | Diminishing Empirical Risk Minimization for Unsupervised Anomaly
Detection | Unsupervised anomaly detection (AD) is a challenging task in realistic
applications. Recently, there is an increasing trend to detect anomalies with
deep neural networks (DNN). However, most popular deep AD detectors cannot
protect the network from learning contaminated information brought by anomalous
data, resulting in unsatisfactory detection performance and overfitting issues.
In this work, we identify one reason that hinders most existing DNN-based
anomaly detection methods from performing is the wide adoption of the Empirical
Risk Minimization (ERM). ERM assumes that the performance of an algorithm on an
unknown distribution can be approximated by averaging losses on the known
training set. This averaging scheme thus ignores the distinctions between
normal and anomalous instances. To break through the limitations of ERM, we
propose a novel Diminishing Empirical Risk Minimization (DERM) framework.
Specifically, DERM adaptively adjusts the impact of individual losses through a
well-devised aggregation strategy. Theoretically, our proposed DERM can
directly modify the gradient contribution of each individual loss in the
optimization process to suppress the influence of outliers, leading to a robust
anomaly detector. Empirically, DERM outperformed the state-of-the-art on the
unsupervised AD benchmark consisting of 18 datasets.
|
110,310 | 110,310 | The impact of memory on learning sequence-to-sequence tasks | The recent success of neural networks in machine translation and other fields
has drawn renewed attention to learning sequence-to-sequence (seq2seq) tasks.
While there exists a rich literature that studies classification and regression
using solvable models of neural networks, learning seq2seq tasks is
significantly less studied from this perspective. Here, we propose a simple
model for a seq2seq task that gives us explicit control over the degree of
memory, or non-Markovianity, in the sequences -- the stochastic
switching-Ornstein-Uhlenbeck (SSOU) model. We introduce a measure of
non-Markovianity to quantify the amount of memory in the sequences. For a
minimal auto-regressive (AR) learning model trained on this task, we identify
two learning regimes corresponding to distinct phases in the stationary state
of the SSOU process. These phases emerge from the interplay between two
different time scales that govern the sequence statistics. Moreover, we observe
that while increasing the memory of the AR model always improves performance,
increasing the non-Markovianity of the input sequences can improve or degrade
performance. Finally, our experiments with recurrent and convolutional neural
networks show that our observations carry over to more complicated neural
network architectures.
|
110,311 | 110,311 | On the Robustness of Safe Reinforcement Learning under Observational
Perturbations | Safe reinforcement learning (RL) trains a policy to maximize the task reward
while satisfying safety constraints. While prior works focus on the performance
optimality, we find that the optimal solutions of many safe RL problems are not
robust and safe against carefully designed observational perturbations. We
formally analyze the unique properties of designing effective state adversarial
attackers in the safe RL setting. We show that baseline adversarial attack
techniques for standard RL tasks are not always effective for safe RL and
proposed two new approaches - one maximizes the cost and the other maximizes
the reward. One interesting and counter-intuitive finding is that the maximum
reward attack is strong, as it can both induce unsafe behaviors and make the
attack stealthy by maintaining the reward. We further propose a more effective
adversarial training framework for safe RL and evaluate it via comprehensive
experiments. This work sheds light on the inherited connection between
observational robustness and safety in RL and provides a pioneer work for
future safe RL studies.
|
110,312 | 110,312 | Generalization bounds and algorithms for estimating conditional average
treatment effect of dosage | We investigate the task of estimating the conditional average causal effect
of treatment-dosage pairs from a combination of observational data and
assumptions on the causal relationships in the underlying system. This has been
a longstanding challenge for fields of study such as epidemiology or economics
that require a treatment-dosage pair to make decisions but may not be able to
run randomized trials to precisely quantify their effect and heterogeneity
across individuals. In this paper, we extend (Shalit et al, 2017) to give new
bounds on the counterfactual generalization error in the context of a
continuous dosage parameter which relies on a different approach to defining
counterfactuals and assignment bias adjustment. This result then guides the
definition of new learning objectives that can be used to train representation
learning algorithms for which we show empirically new state-of-the-art
performance results across several benchmark datasets for this problem,
including in comparison to doubly-robust estimation methods.
|
110,313 | 110,313 | Learning Security Strategies through Game Play and Optimal Stopping | We study automated intrusion prevention using reinforcement learning.
Following a novel approach, we formulate the interaction between an attacker
and a defender as an optimal stopping game and let attack and defense
strategies evolve through reinforcement learning and self-play. The
game-theoretic perspective allows us to find defender strategies that are
effective against dynamic attackers. The optimal stopping formulation gives us
insight into the structure of optimal strategies, which we show to have
threshold properties. To obtain the optimal defender strategies, we introduce
T-FP, a fictitious self-play algorithm that learns Nash equilibria through
stochastic approximation. We show that T-FP outperforms a state-of-the-art
algorithm for our use case. Our overall method for learning and evaluating
strategies includes two systems: a simulation system where defender strategies
are incrementally learned and an emulation system where statistics are produced
that drive simulation runs and where learned strategies are evaluated. We
conclude that this approach can produce effective defender strategies for a
practical IT infrastructure.
|
110,314 | 110,314 | Evaluating Automated Driving Planner Robustness against Adversarial
Influence | Evaluating the robustness of automated driving planners is a critical and
challenging task. Although methodologies to evaluate vehicles are well
established, they do not yet account for a reality in which vehicles with
autonomous components share the road with adversarial agents. Our approach,
based on probabilistic trust models, aims to help researchers assess the
robustness of protections for machine learning-enabled planners against
adversarial influence. In contrast with established practices that evaluate
safety using the same evaluation dataset for all vehicles, we argue that
adversarial evaluation fundamentally requires a process that seeks to defeat a
specific protection. Hence, we propose that evaluations be based on estimating
the difficulty for an adversary to determine conditions that effectively induce
unsafe behavior. This type of inference requires precise statements about
threats, protections, and aspects of planning decisions to be guarded. We
demonstrate our approach by evaluating protections for planners relying on
camera-based object detectors.
|
110,315 | 110,315 | Heterogeneous Treatment Effects Estimation: When Machine Learning meets
multiple treatment regime | In many scientific and engineering domains, inferring the effect of treatment
and exploring its heterogeneity is crucial for optimization and decision
making. In addition to Machine Learning based models (e.g. Random Forests or
Neural Networks), many meta-algorithms have been developed to estimate the
Conditional Average Treatment Effect (CATE) function in the binary setting,
with the main advantage of not restraining the estimation to a specific
supervised learning method. However, this task becomes more challenging when
the treatment is not binary. In this paper, we investigate the Rubin Causal
Model under the multi-treatment regime and we focus on estimating heterogeneous
treatment effects. We generalize \textit{Meta-learning} algorithms to estimate
the CATE for each possible treatment value. Using synthetic and semi-synthetic
simulation datasets, we assess the quality of each meta-learner in
observational data, and we highlight in particular the performances of the
X-learner.
|
110,316 | 110,316 | What are People Talking about in #BackLivesMatter and #StopAsianHate?
Exploring and Categorizing Twitter Topics Emerging in Online Social Movements
through the Latent Dirichlet Allocation Model | Minority groups have been using social media to organize social movements
that create profound social impacts. Black Lives Matter (BLM) and Stop Asian
Hate (SAH) are two successful social movements that have spread on Twitter that
promote protests and activities against racism and increase the public's
awareness of other social challenges that minority groups face. However,
previous studies have mostly conducted qualitative analyses of tweets or
interviews with users, which may not comprehensively and validly represent all
tweets. Very few studies have explored the Twitter topics within BLM and SAH
dialogs in a rigorous, quantified and data-centered approach. Therefore, in
this research, we adopted a mixed-methods approach to comprehensively analyze
BLM and SAH Twitter topics. We implemented (1) the latent Dirichlet allocation
model to understand the top high-level words and topics and (2) open-coding
analysis to identify specific themes across the tweets. We collected more than
one million tweets with the #blacklivesmatter and #stopasianhate hashtags and
compared their topics. Our findings revealed that the tweets discussed a
variety of influential topics in depth, and social justice, social movements,
and emotional sentiments were common topics in both movements, though with
unique subtopics for each movement. Our study contributes to the topic analysis
of social movements on social media platforms in particular and the literature
on the interplay of AI, ethics, and society in general.
|
110,317 | 110,317 | L3Cube-MahaNLP: Marathi Natural Language Processing Datasets, Models,
and Library | Despite being the third most popular language in India, the Marathi language
lacks useful NLP resources. Moreover, popular NLP libraries do not have support
for the Marathi language. With L3Cube-MahaNLP, we aim to build resources and a
library for Marathi natural language processing. We present datasets and
transformer models for supervised tasks like sentiment analysis, named entity
recognition, and hate speech detection. We have also published a monolingual
Marathi corpus for unsupervised language modeling tasks. Overall we present
MahaCorpus, MahaSent, MahaNER, and MahaHate datasets and their corresponding
MahaBERT models fine-tuned on these datasets. We aim to move ahead of benchmark
datasets and prepare useful resources for Marathi. The resources are available
at https://github.com/l3cube-pune/MarathiNLP.
|
110,318 | 110,318 | Stochastic Zeroth Order Gradient and Hessian Estimators: Variance
Reduction and Refined Bias Bounds | We study stochastic zeroth order gradient and Hessian estimators for
real-valued functions in $\mathbb{R}^n$. We show that, via taking finite
difference along random orthogonal directions, the variance of the stochastic
finite difference estimators can be significantly reduced. In particular, we
design estimators for smooth functions such that, if one uses $ \Theta \left( k
\right) $ random directions sampled from the Stiefel's manifold $ \text{St}
(n,k) $ and finite-difference granularity $\delta$, the variance of the
gradient estimator is bounded by $ \mathcal{O} \left( \left( \frac{n}{k} - 1
\right) + \left( \frac{n^2}{k} - n \right) \delta^2 + \frac{ n^2 \delta^4 }{ k
} \right) $, and the variance of the Hessian estimator is bounded by
$\mathcal{O} \left( \left( \frac{n^2}{k^2} - 1 \right) + \left( \frac{n^4}{k^2}
- n^2 \right) \delta^2 + \frac{n^4 \delta^4 }{k^2} \right) $. When $k = n$, the
variances become negligibly small. In addition, we provide improved bias bounds
for the estimators. The bias of both gradient and Hessian estimators for smooth
function $f$ is of order $\mathcal{O} \left( \delta^2 \Gamma \right)$, where
$\delta$ is the finite-difference granularity, and $ \Gamma $ depends on high
order derivatives of $f$. Our results are evidenced by empirical observations.
|
110,319 | 110,319 | A Generative Adversarial Network-based Selective Ensemble
Characteristic-to-Expression Synthesis (SE-CTES) Approach and Its
Applications in Healthcare | Investigating the causal relationships between characteristics and
expressions plays a critical role in healthcare analytics. Effective synthesis
for expressions using given characteristics can make great contributions to
health risk management and medical decision-making. For example, predicting the
resulting physiological symptoms on patients from given treatment
characteristics is helpful for the disease prevention and personalized
treatment strategy design. Therefore, the objective of this study is to
effectively synthesize the expressions based on given characteristics. However,
the mapping from characteristics to expressions is usually from a relatively
low dimension space to a high dimension space, but most of the existing methods
such as regression models could not effectively handle such mapping. Besides,
the relationship between characteristics and expressions may contain not only
deterministic patterns, but also stochastic patterns. To address these
challenges, this paper proposed a novel selective ensemble
characteristic-to-expression synthesis (SE-CTES) approach inspired by
generative adversarial network (GAN). The novelty of the proposed method can be
summarized into three aspects: (1) GAN-based architecture for deep neural
networks are incorporated to learn the relatively low dimensional mapping to
high dimensional mapping containing both deterministic and stochastic patterns;
(2) the weights of the two mismatching errors in the GAN-based architecture are
proposed to be different to reduce the learning bias in the training process;
and (3) a selective ensemble learning framework is proposed to reduce the
prediction bias and improve the synthesis stability. To validate the
effectiveness of the proposed approach, extensive numerical simulation studies
and a real-world healthcare case study were applied and the results
demonstrated that the proposed method is very promising.
|
110,320 | 110,320 | Radial Spike and Slab Bayesian Neural Networks for Sparse Data in
Ransomware Attacks | Ransomware attacks are increasing at an alarming rate, leading to large
financial losses, unrecoverable encrypted data, data leakage, and privacy
concerns. The prompt detection of ransomware attacks is required to minimize
further damage, particularly during the encryption stage. However, the
frequency and structure of the observed ransomware attack data makes this task
difficult to accomplish in practice. The data corresponding to ransomware
attacks represents temporal, high-dimensional sparse signals, with limited
records and very imbalanced classes. While traditional deep learning models
have been able to achieve state-of-the-art results in a wide variety of
domains, Bayesian Neural Networks, which are a class of probabilistic models,
are better suited to the issues of the ransomware data. These models combine
ideas from Bayesian statistics with the rich expressive power of neural
networks. In this paper, we propose the Radial Spike and Slab Bayesian Neural
Network, which is a new type of Bayesian Neural network that includes a new
form of the approximate posterior distribution. The model scales well to large
architectures and recovers the sparse structure of target functions. We provide
a theoretical justification for using this type of distribution, as well as a
computationally efficient method to perform variational inference. We
demonstrate the performance of our model on a real dataset of ransomware
attacks and show improvement over a large number of baselines, including
state-of-the-art models such as Neural ODEs (ordinary differential equations).
In addition, we propose to represent low-level events as MITRE ATT\&CK tactics,
techniques, and procedures (TTPs) which allows the model to better generalize
to unseen ransomware attacks.
|
110,321 | 110,321 | Modeling Disagreement in Automatic Data Labelling for Semi-Supervised
Learning in Clinical Natural Language Processing | Computational models providing accurate estimates of their uncertainty are
crucial for risk management associated with decision making in healthcare
contexts. This is especially true since many state-of-the-art systems are
trained using the data which has been labelled automatically (self-supervised
mode) and tend to overfit. In this work, we investigate the quality of
uncertainty estimates from a range of current state-of-the-art predictive
models applied to the problem of observation detection in radiology reports.
This problem remains understudied for Natural Language Processing in the
healthcare domain. We demonstrate that Gaussian Processes (GPs) provide
superior performance in quantifying the risks of 3 uncertainty labels based on
the negative log predictive probability (NLPP) evaluation metric and mean
maximum predicted confidence levels (MMPCL), whilst retaining strong predictive
performance.
|
110,322 | 110,322 | Unfooling Perturbation-Based Post Hoc Explainers | Monumental advancements in artificial intelligence (AI) have lured the
interest of doctors, lenders, judges, and other professionals. While these
high-stakes decision-makers are optimistic about the technology, those familiar
with AI systems are wary about the lack of transparency of its decision-making
processes. Perturbation-based post hoc explainers offer a model agnostic means
of interpreting these systems while only requiring query-level access. However,
recent work demonstrates that these explainers can be fooled adversarially.
This discovery has adverse implications for auditors, regulators, and other
sentinels. With this in mind, several natural questions arise - how can we
audit these black box systems? And how can we ascertain that the auditee is
complying with the audit in good faith? In this work, we rigorously formalize
this problem and devise a defense against adversarial attacks on
perturbation-based explainers. We propose algorithms for the detection
(CAD-Detect) and defense (CAD-Defend) of these attacks, which are aided by our
novel conditional anomaly detection approach, KNN-CAD. We demonstrate that our
approach successfully detects whether a black box system adversarially conceals
its decision-making process and mitigates the adversarial attack on real-world
data for the prevalent explainers, LIME and SHAP.
|
110,323 | 110,323 | An Optimization-based Algorithm for Non-stationary Kernel Bandits
without Prior Knowledge | We propose an algorithm for non-stationary kernel bandits that does not
require prior knowledge of the degree of non-stationarity. The algorithm
follows randomized strategies obtained by solving optimization problems that
balance exploration and exploitation. It adapts to non-stationarity by
restarting when a change in the reward function is detected. Our algorithm
enjoys a tighter dynamic regret bound than previous work on the non-stationary
kernel bandit setting. Moreover, when applied to the non-stationary linear
bandit setting by using a linear kernel, our algorithm is nearly minimax
optimal, solving an open problem in the non-stationary linear bandit
literature. We extend our algorithm to use a neural network for dynamically
adapting the feature mapping to observed data. We prove a dynamic regret bound
of the extension using the neural tangent kernel theory. We demonstrate
empirically that our algorithm and the extension can adapt to varying degrees
of non-stationarity.
|
110,324 | 110,324 | TransforMAP: Transformer for Memory Access Prediction | Data Prefetching is a technique that can hide memory latency by fetching data
before it is needed by a program. Prefetching relies on accurate memory access
prediction, to which task machine learning based methods are increasingly
applied. Unlike previous approaches that learn from deltas or offsets and
perform one access prediction, we develop TransforMAP, based on the powerful
Transformer model, that can learn from the whole address space and perform
multiple cache line predictions. We propose to use the binary of memory
addresses as model input, which avoids information loss and saves a token table
in hardware. We design a block index bitmap to collect unordered future page
offsets under the current page address as learning labels. As a result, our
model can learn temporal patterns as well as spatial patterns within a page. In
a practical implementation, this approach has the potential to hide prediction
latency because it prefetches multiple cache lines likely to be used in a long
horizon. We show that our approach achieves 35.67% MPKI improvement and 20.55%
IPC improvement in simulation, higher than state-of-the-art Best-Offset
prefetcher and ISB prefetcher.
|
110,325 | 110,325 | Bayes Classification using an approximation to the Joint Probability
Distribution of the Attributes | The Naive-Bayes classifier is widely used due to its simplicity, speed and
accuracy. However this approach fails when, for at least one attribute value in
a test sample, there are no corresponding training samples with that attribute
value. This is known as the zero frequency problem and is typically addressed
using Laplace Smoothing. However, Laplace Smoothing does not take into account
the statistical characteristics of the neighbourhood of the attribute values of
the test sample. Gaussian Naive Bayes addresses this but the resulting Gaussian
model is formed from global information. We instead propose an approach that
estimates conditional probabilities using information in the neighbourhood of
the test sample. In this case we no longer need to make the assumption of
independence of attribute values and hence consider the joint probability
distribution conditioned on the given class which means our approach (unlike
the Gaussian and Laplace approaches) takes into consideration dependencies
among the attribute values. We illustrate the performance of the proposed
approach on a wide range of datasets taken from the University of California at
Irvine (UCI) Machine Learning Repository. We also include results for the
$k$-NN classifier and demonstrate that the proposed approach is simple, robust
and outperforms standard approaches.
|
110,326 | 110,326 | Non-Stationary Bandits under Recharging Payoffs: Improved Planning with
Sublinear Regret | The stochastic multi-armed bandit setting has been recently studied in the
non-stationary regime, where the mean payoff of each action is a non-decreasing
function of the number of rounds passed since it was last played. This model
captures natural behavioral aspects of the users which crucially determine the
performance of recommendation platforms, ad placement systems, and more. Even
assuming prior knowledge of the mean payoff functions, computing an optimal
planning in the above model is NP-hard, while the state-of-the-art is a
$1/4$-approximation algorithm for the case where at most one arm can be played
per round. We first focus on the setting where the mean payoff functions are
known. In this setting, we significantly improve the best-known guarantees for
the planning problem by developing a polynomial-time
$(1-{1}/{e})$-approximation algorithm (asymptotically and in expectation),
based on a novel combination of randomized LP rounding and a time-correlated
(interleaved) scheduling method. Furthermore, our algorithm achieves improved
guarantees -- compared to prior work -- for the case where more than one arm
can be played at each round. Moving to the bandit setting, when the mean payoff
functions are initially unknown, we show how our algorithm can be transformed
into a bandit algorithm with sublinear regret.
|
110,327 | 110,327 | End-to-End Topology-Aware Machine Learning for Power System Reliability
Assessment | Conventional power system reliability suffers from the long run time of Monte
Carlo simulation and the dimension-curse of analytic enumeration methods. This
paper proposes a preliminary investigation on end-to-end machine learning for
directly predicting the reliability index, e.g., the Loss of Load Probability
(LOLP). By encoding the system admittance matrix into the input feature, the
proposed machine learning pipeline can consider the impact of specific topology
changes due to regular maintenances of transmission lines. Two models (Support
Vector Machine and Boosting Trees) are trained and compared. Details regarding
the training data creation and preprocessing are also discussed. Finally,
experiments are conducted on the IEEE RTS-79 system. Results demonstrate the
applicability of the proposed end-to-end machine learning pipeline in
reliability assessment.
|
110,328 | 110,328 | Temporal Latent Bottleneck: Synthesis of Fast and Slow Processing
Mechanisms in Sequence Learning | Recurrent neural networks have a strong inductive bias towards learning
temporally compressed representations, as the entire history of a sequence is
represented by a single vector. By contrast, Transformers have little inductive
bias towards learning temporally compressed representations, as they allow for
attention over all previously computed elements in a sequence. Having a more
compressed representation of a sequence may be beneficial for generalization,
as a high-level representation may be more easily re-used and re-purposed and
will contain fewer irrelevant details. At the same time, excessive compression
of representations comes at the cost of expressiveness. We propose a solution
which divides computation into two streams. A slow stream that is recurrent in
nature aims to learn a specialized and compressed representation, by forcing
chunks of $K$ time steps into a single representation which is divided into
multiple vectors. At the same time, a fast stream is parameterized as a
Transformer to process chunks consisting of $K$ time-steps conditioned on the
information in the slow-stream. In the proposed approach we hope to gain the
expressiveness of the Transformer, while encouraging better compression and
structuring of representations in the slow stream. We show the benefits of the
proposed method in terms of improved sample efficiency and generalization
performance as compared to various competitive baselines for visual perception
and sequential decision making tasks.
|
110,329 | 110,329 | BinauralGrad: A Two-Stage Conditional Diffusion Probabilistic Model for
Binaural Audio Synthesis | Binaural audio plays a significant role in constructing immersive augmented
and virtual realities. As it is expensive to record binaural audio from the
real world, synthesizing them from mono audio has attracted increasing
attention. This synthesis process involves not only the basic physical warping
of the mono audio, but also room reverberations and head/ear related
filtrations, which, however, are difficult to accurately simulate in
traditional digital signal processing. In this paper, we formulate the
synthesis process from a different perspective by decomposing the binaural
audio into a common part that shared by the left and right channels as well as
a specific part that differs in each channel. Accordingly, we propose
BinauralGrad, a novel two-stage framework equipped with diffusion models to
synthesize them respectively. Specifically, in the first stage, the common
information of the binaural audio is generated with a single-channel diffusion
model conditioned on the mono audio, based on which the binaural audio is
generated by a two-channel diffusion model in the second stage. Combining this
novel perspective of two-stage synthesis with advanced generative models (i.e.,
the diffusion models),the proposed BinauralGrad is able to generate accurate
and high-fidelity binaural audio samples. Experiment results show that on a
benchmark dataset, BinauralGrad outperforms the existing baselines by a large
margin in terms of both object and subject evaluation metrics (Wave L2: 0.128
vs. 0.157, MOS: 3.80 vs. 3.61). The generated audio samples are available
online.
|
110,330 | 110,330 | Last-iterate convergence analysis of stochastic momentum methods for
neural networks | The stochastic momentum method is a commonly used acceleration technique for
solving large-scale stochastic optimization problems in artificial neural
networks. Current convergence results of stochastic momentum methods under
non-convex stochastic settings mostly discuss convergence in terms of the
random output and minimum output. To this end, we address the convergence of
the last iterate output (called last-iterate convergence) of the stochastic
momentum methods for non-convex stochastic optimization problems, in a way
conformal with traditional optimization theory. We prove the last-iterate
convergence of the stochastic momentum methods under a unified framework,
covering both stochastic heavy ball momentum and stochastic Nesterov
accelerated gradient momentum. The momentum factors can be fixed to be
constant, rather than time-varying coefficients in existing analyses. Finally,
the last-iterate convergence of the stochastic momentum methods is verified on
the benchmark MNIST and CIFAR-10 datasets.
|
110,331 | 110,331 | TaSIL: Taylor Series Imitation Learning | We propose Taylor Series Imitation Learning (TaSIL), a simple augmentation to
standard behavior cloning losses in the context of continuous control. TaSIL
penalizes deviations in the higher-order Taylor series terms between the
learned and expert policies. We show that experts satisfying a notion of
\emph{incremental input-to-state stability} are easy to learn, in the sense
that a small TaSIL-augmented imitation loss over expert trajectories guarantees
a small imitation loss over trajectories generated by the learned policy. We
provide sample-complexity bounds for TaSIL that scale as
$\tilde{\mathcal{O}}(1/n)$ in the realizable setting, for $n$ the number of
expert demonstrations. Finally, we demonstrate experimentally the relationship
between the robustness of the expert policy and the order of Taylor expansion
required in TaSIL, and compare standard Behavior Cloning, DART, and DAgger with
TaSIL-loss-augmented variants. In all cases, we show significant improvement
over baselines across a variety of MuJoCo tasks.
|
110,332 | 110,332 | Your Contrastive Learning Is Secretly Doing Stochastic Neighbor
Embedding | Contrastive learning, especially Self-Supervised Contrastive Learning (SSCL),
has achieved great success in extracting powerful features from unlabeled data,
enabling comparable performance to the supervised counterpart. In this work, we
contribute to the theoretical understanding of SSCL and uncover its connection
to the classic data visualization method, Stochastic Neighbor Embedding (SNE).
In the perspective of SNE, whose goal is matching pairwise distance, SSCL can
be viewed as a special case with the input space pairwise distance specified by
constructed "positive" pairs from data augmentation. The established
correspondence facilitates deeper theoretical understandings of learned
features of SSCL, as well as methodological guidelines for practical
improvement. Specifically, through the lens of SNE, not only can we re-derive
the alignment and uniformity principle, but also provide novel analysis on
domain-agnostic augmentations and implicit bias. To illustrate the practical
advantage, we demonstrate that the modifications from SNE to $t$-SNE can also
be adopted in the SSCL setting, achieving significant improvement in both
in-distribution and out-of-distribution generalization.
|
110,333 | 110,333 | Mitigating Out-of-Distribution Data Density Overestimation in
Energy-Based Models | Deep energy-based models (EBMs), which use deep neural networks (DNNs) as
energy functions, are receiving increasing attention due to their ability to
learn complex distributions. To train deep EBMs, the maximum likelihood
estimation (MLE) with short-run Langevin Monte Carlo (LMC) is often used. While
the MLE with short-run LMC is computationally efficient compared to an MLE with
full Markov Chain Monte Carlo (MCMC), it often assigns high density to
out-of-distribution (OOD) data. To address this issue, here we systematically
investigate why the MLE with short-run LMC can converge to EBMs with wrong
density estimates, and reveal that the heuristic modifications to LMC
introduced by previous works were the main problem. We then propose a Uniform
Support Partitioning (USP) scheme that optimizes a set of points to evenly
partition the support of the EBM and then uses the resulting points to
approximate the EBM-MLE loss gradient. We empirically demonstrate that USP
avoids the pitfalls of short-run LMC, leading to significantly improved OOD
data detection performance on Fashion-MNIST.
|
110,334 | 110,334 | Excess Risk of Two-Layer ReLU Neural Networks in Teacher-Student
Settings and its Superiority to Kernel Methods | While deep learning has outperformed other methods for various tasks,
theoretical frameworks that explain its reason have not been fully established.
To address this issue, we investigate the excess risk of two-layer ReLU neural
networks in a teacher-student regression model, in which a student network
learns an unknown teacher network through its outputs. Especially, we consider
the student network that has the same width as the teacher network and is
trained in two phases: first by noisy gradient descent and then by the vanilla
gradient descent. Our result shows that the student network provably reaches a
near-global optimal solution and outperforms any kernel methods estimator (more
generally, linear estimators), including neural tangent kernel approach, random
feature model, and other kernel methods, in a sense of the minimax optimal
rate. The key concept inducing this superiority is the non-convexity of the
neural network models. Even though the loss landscape is highly non-convex, the
student network adaptively learns the teacher neurons.
|
110,335 | 110,335 | Universality of group convolutional neural networks based on ridgelet
analysis on groups | We investigate the approximation property of group convolutional neural
networks (GCNNs) based on the ridgelet theory. We regard a group convolution as
a matrix element of a group representation, and formulate a versatile GCNN as a
nonlinear mapping between group representations, which covers typical GCNN
literatures such as a cyclic convolution on a multi-channel image,
permutation-invariant datasets (Deep Sets), and $\mathrm{E}(n)$-equivariant
convolutions. The ridgelet transform is an analysis operator of a depth-2
network, namely, it maps an arbitrary given target function $f$ to the weight
$\gamma$ of a network $S[\gamma]$ so that the network represents the function
as $S[\gamma]=f$. It has been known only for fully-connected networks, and this
study is the first to present the ridgelet transform for (G)CNNs. Since the
ridgelet transform is given as a closed-form integral operator, it provides a
constructive proof of the $cc$-universality of GCNNs. Unlike previous
universality arguments on CNNs, we do not need to convert/modify the networks
into other universal approximators such as invariant polynomials and
fully-connected networks.
|
110,336 | 110,336 | Bayesian Low-Rank Interpolative Decomposition for Complex Datasets | In this paper, we introduce a probabilistic model for learning interpolative
decomposition (ID), which is commonly used for feature selection, low-rank
approximation, and identifying hidden patterns in data, where the matrix
factors are latent variables associated with each data dimension. Prior
densities with support on the specified subspace are used to address the
constraint for the magnitude of the factored component of the observed matrix.
Bayesian inference procedure based on Gibbs sampling is employed. We evaluate
the model on a variety of real-world datasets including CCLE EC50, CCLE IC50,
CTRP EC50,and MovieLens 100K datasets with different sizes, and dimensions, and
show that the proposed Bayesian ID GBT and GBTN models lead to smaller
reconstructive errors compared to existing randomized approaches.
|
110,337 | 110,337 | Robust Weight Perturbation for Adversarial Training | Overfitting widely exists in adversarial robust training of deep networks. An
effective remedy is adversarial weight perturbation, which injects the
worst-case weight perturbation during network training by maximizing the
classification loss on adversarial examples. Adversarial weight perturbation
helps reduce the robust generalization gap; however, it also undermines the
robustness improvement. A criterion that regulates the weight perturbation is
therefore crucial for adversarial training. In this paper, we propose such a
criterion, namely Loss Stationary Condition (LSC) for constrained perturbation.
With LSC, we find that it is essential to conduct weight perturbation on
adversarial data with small classification loss to eliminate robust
overfitting. Weight perturbation on adversarial data with large classification
loss is not necessary and may even lead to poor robustness. Based on these
observations, we propose a robust perturbation strategy to constrain the extent
of weight perturbation. The perturbation strategy prevents deep networks from
overfitting while avoiding the side effect of excessive weight perturbation,
significantly improving the robustness of adversarial training. Extensive
experiments demonstrate the superiority of the proposed method over the
state-of-the-art adversarial training methods.
|
110,338 | 110,338 | Lepton Flavour Violation Identification in Tau Decay ($\tau^{-}
\rightarrow \mu^{-}\mu^{-}\mu^{+}$) Using Artificial Intelligence | The discovery of neutrino oscillation, proving that neutrinos do have masses,
reveals the misfits of particles in the current Standard Model (SM) theory. In
theory, neutrinos having masses could result in lepton flavour not being a
symmetry called Lepton Flavour Violation (LFV). While SM theory extensions
allowed LFV processes, their branching fractions are too small, making them
unobservable even with the strongest equipment up-to-date. With that,
scientists in recent years have generated LFV-like processes from the combined
LHCb and Monte-Carlo-Simulated data in an attempt to identify LFV using
Artificial Intelligence (AI), specifically Machine Learning (ML) and Deep
Learning (DL). In this paper, the performance of several algorithms in AI has
been presented, such as XGBoost, LightGBM, custom 1-D Dense Block Neural
Networks (DBNNs), and custom 1-D Convolutional Neural Networks (CNNs) in
identifying LFV signals, specifically $\tau^{-} \rightarrow
\mu^{-}\mu^{-}\mu^{+}$ decay from the combined LHCb and Monte-Carlo-Simulated
data that imitates the signatures of the said decay. Kolmogorov-Smirnov (KS)
and Cramer-von Mises (CvM) tests were also conducted to verify the validity of
predictions for each of the trained algorithms. The result shows decent
performances among algorithms, except for the LightGBM, for failing the CvM
test, and a 20-layered CNN for having recorded a considerably low AUC.
Meanwhile, XGBoost and a 10-layered DBNN recorded the highest AUC of 0.88. The
main contribution of this paper is the extensive experiment involving custom
DBNN and CNN algorithms in different layers, all of which have been rarely used
in the past years in identifying LFV-like signatures, unlike GBMs and
tree-based algorithms, which have been more popular in the said task.
|
110,339 | 110,339 | Adaptive Learning for Discovery | In this paper, we study a sequential decision-making problem, called Adaptive
Sampling for Discovery (ASD). Starting with a large unlabeled dataset,
algorithms for ASD adaptively label the points with the goal to maximize the
sum of responses.
This problem has wide applications to real-world discovery problems, for
example drug discovery with the help of machine learning models. ASD algorithms
face the well-known exploration-exploitation dilemma. The algorithm needs to
choose points that yield information to improve model estimates but it also
needs to exploit the model. We rigorously formulate the problem and propose a
general information-directed sampling (IDS) algorithm. We provide theoretical
guarantees for the performance of IDS in linear, graph and low-rank models. The
benefits of IDS are shown in both simulation experiments and real-data
experiments for discovering chemical reaction conditions.
|
110,340 | 110,340 | Temporal Multiresolution Graph Neural Networks For Epidemic Prediction | In this paper, we introduce Temporal Multiresolution Graph Neural Networks
(TMGNN), the first architecture that both learns to construct the multiscale
and multiresolution graph structures and incorporates the time-series signals
to capture the temporal changes of the dynamic graphs. We have applied our
proposed model to the task of predicting future spreading of epidemic and
pandemic based on the historical time-series data collected from the actual
COVID-19 pandemic and chickenpox epidemic in several European countries, and
have obtained competitive results in comparison to other previous
state-of-the-art temporal architectures and graph learning algorithms. We have
shown that capturing the multiscale and multiresolution structures of graphs is
important to extract either local or global information that play a critical
role in understanding the dynamic of a global pandemic such as COVID-19 which
started from a local city and spread to the whole world. Our work brings a
promising research direction in forecasting and mitigating future epidemics and
pandemics.
|
110,341 | 110,341 | Walle: An End-to-End, General-Purpose, and Large-Scale Production System
for Device-Cloud Collaborative Machine Learning | To break the bottlenecks of mainstream cloud-based machine learning (ML)
paradigm, we adopt device-cloud collaborative ML and build the first end-to-end
and general-purpose system, called Walle, as the foundation. Walle consists of
a deployment platform, distributing ML tasks to billion-scale devices in time;
a data pipeline, efficiently preparing task input; and a compute container,
providing a cross-platform and high-performance execution environment, while
facilitating daily task iteration. Specifically, the compute container is based
on Mobile Neural Network (MNN), a tensor compute engine along with the data
processing and model execution libraries, which are exposed through a refined
Python thread-level virtual machine (VM) to support diverse ML tasks and
concurrent task execution. The core of MNN is the novel mechanisms of operator
decomposition and semi-auto search, sharply reducing the workload in manually
optimizing hundreds of operators for tens of hardware backends and further
quickly identifying the best backend with runtime optimization for a
computation graph. The data pipeline introduces an on-device stream processing
framework to enable processing user behavior data at source. The deployment
platform releases ML tasks with an efficient push-then-pull method and supports
multi-granularity deployment policies. We evaluate Walle in practical
e-commerce application scenarios to demonstrate its effectiveness, efficiency,
and scalability. Extensive micro-benchmarks also highlight the superior
performance of MNN and the Python thread-level VM. Walle has been in
large-scale production use in Alibaba, while MNN has been open source with a
broad impact in the community.
|
110,342 | 110,342 | GraMeR: Graph Meta Reinforcement Learning for Multi-Objective Influence
Maximization | Influence maximization (IM) is a combinatorial problem of identifying a
subset of nodes called the seed nodes in a network (graph), which when
activated, provide a maximal spread of influence in the network for a given
diffusion model and a budget for seed set size. IM has numerous applications
such as viral marketing, epidemic control, sensor placement and other
network-related tasks. However, the uses are limited due to the computational
complexity of current algorithms. Recently, learning heuristics for IM have
been explored to ease the computational burden. However, there are serious
limitations in current approaches such as: (1) IM formulations only consider
influence via spread and ignore self activation; (2) scalability to large
graphs; (3) generalizability across graph families; (4) low computational
efficiency with a large running time to identify seed sets for every test
network. In this work, we address each of these limitations through a unique
approach that involves (1) formulating a generic IM problem as a Markov
decision process that handles both intrinsic and influence activations; (2)
employing double Q learning to estimate seed nodes; (3) ensuring scalability
via sub-graph based representations; and (4) incorporating generalizability via
meta-learning across graph families. Extensive experiments are carried out in
various standard networks to validate performance of the proposed Graph Meta
Reinforcement learning (GraMeR) framework. The results indicate that GraMeR is
multiple orders faster and generic than conventional approaches.
|
110,343 | 110,343 | Adversarial Bandits Robust to $S$-Switch Regret | We study the adversarial bandit problem under $S$ number of switching best
arms for unknown $S$. For handling this problem, we adopt the master-base
framework using the online mirror descent method (OMD). We first provide a
master-base algorithm with basic OMD, achieving
$\tilde{O}(S^{1/2}K^{1/3}T^{2/3})$. For improving the regret bound with respect
to $T$, we propose to use adaptive learning rates for OMD to control variance
of loss estimators, and achieve
$\tilde{O}(\min\{\mathbb{E}[\sqrt{SKT\rho_T(h^\dagger)}],S\sqrt{KT}\})$, where
$\rho_T(h^\dagger)$ is a variance term for loss estimators.
|
110,344 | 110,344 | To Federate or Not To Federate: Incentivizing Client Participation in
Federated Learning | Federated learning (FL) facilitates collaboration between a group of clients
who seek to train a common machine learning model without directly sharing
their local data. Although there is an abundance of research on improving the
speed, efficiency, and accuracy of federated training, most works implicitly
assume that all clients are willing to participate in the FL framework. Due to
data heterogeneity, however, the global model may not work well for some
clients, and they may instead choose to use their own local model. Such
disincentivization of clients can be problematic from the server's perspective
because having more participating clients yields a better global model, and
offers better privacy guarantees to the participating clients. In this paper,
we propose an algorithm called IncFL that explicitly maximizes the fraction of
clients who are incentivized to use the global model by dynamically adjusting
the aggregation weights assigned to their updates. Our experiments show that
IncFL increases the number of incentivized clients by 30-55% compared to
standard federated training algorithms, and can also improve the generalization
performance of the global model on unseen clients.
|
110,345 | 110,345 | Efficient Reward Poisoning Attacks on Online Deep Reinforcement Learning | We study data poisoning attacks on online deep reinforcement learning (DRL)
where the attacker is oblivious to the learning algorithm used by the agent and
does not necessarily have full knowledge of the environment. We demonstrate the
intrinsic vulnerability of state-of-the-art DRL algorithms by designing a
general reward poisoning framework called adversarial MDP attacks. We
instantiate our framework to construct several new attacks which only corrupt
the rewards for a small fraction of the total training timesteps and make the
agent learn a low-performing policy. Our key insight is that the
state-of-the-art DRL algorithms strategically explore the environment to find a
high-performing policy. Our attacks leverage this insight to construct a
corrupted environment for misleading the agent towards learning low-performing
policies with a limited attack budget. We provide a theoretical analysis of the
efficiency of our attack and perform an extensive evaluation. Our results show
that our attacks efficiently poison agents learning with a variety of
state-of-the-art DRL algorithms, such as DQN, PPO, SAC, etc. under several
popular classical control and MuJoCo environments.
|
110,346 | 110,346 | Precise Learning Curves and Higher-Order Scaling Limits for Dot Product
Kernel Regression | As modern machine learning models continue to advance the computational
frontier, it has become increasingly important to develop precise estimates for
expected performance improvements under different model and data scaling
regimes. Currently, theoretical understanding of the learning curves that
characterize how the prediction error depends on the number of samples is
restricted to either large-sample asymptotics ($m\to\infty$) or, for certain
simple data distributions, to the high-dimensional asymptotics in which the
number of samples scales linearly with the dimension ($m\propto d$). There is a
wide gulf between these two regimes, including all higher-order scaling
relations $m\propto d^r$, which are the subject of the present paper. We focus
on the problem of kernel ridge regression for dot-product kernels and present
precise formulas for the test error, bias, and variance, for data drawn
uniformly from the sphere in the $r$th-order asymptotic scaling regime
$m\to\infty$ with $m/d^r$ held constant. We observe a peak in the learning
curve whenever $m \approx d^r/r!$ for any integer $r$, leading to multiple
sample-wise descent and nontrivial behavior at multiple scales.
|
110,347 | 110,347 | Play it by Ear: Learning Skills amidst Occlusion through Audio-Visual
Imitation Learning | Humans are capable of completing a range of challenging manipulation tasks
that require reasoning jointly over modalities such as vision, touch, and
sound. Moreover, many such tasks are partially-observed; for example, taking a
notebook out of a backpack will lead to visual occlusion and require reasoning
over the history of audio or tactile information. While robust tactile sensing
can be costly to capture on robots, microphones near or on a robot's gripper
are a cheap and easy way to acquire audio feedback of contact events, which can
be a surprisingly valuable data source for perception in the absence of vision.
Motivated by the potential for sound to mitigate visual occlusion, we aim to
learn a set of challenging partially-observed manipulation tasks from visual
and audio inputs. Our proposed system learns these tasks by combining offline
imitation learning from a modest number of tele-operated demonstrations and
online finetuning using human provided interventions. In a set of simulated
tasks, we find that our system benefits from using audio, and that by using
online interventions we are able to improve the success rate of offline
imitation learning by ~20%. Finally, we find that our system can complete a set
of challenging, partially-observed tasks on a Franka Emika Panda robot, like
extracting keys from a bag, with a 70% success rate, 50% higher than a policy
that does not use audio.
|
110,348 | 110,348 | Anti-virus Autobots: Predicting More Infectious Virus Variants for
Pandemic Prevention through Deep Learning | More infectious virus variants can arise from rapid mutations in their
proteins, creating new infection waves. These variants can evade one's immune
system and infect vaccinated individuals, lowering vaccine efficacy. Hence, to
improve vaccine design, this project proposes Optimus PPIme - a deep learning
approach to predict future, more infectious variants from an existing virus
(exemplified by SARS-CoV-2). The approach comprises an algorithm which acts as
a "virus" attacking a host cell. To increase infectivity, the "virus" mutates
to bind better to the host's receptor. 2 algorithms were attempted - greedy
search and beam search. The strength of this variant-host binding was then
assessed by a transformer network we developed, with a high accuracy of 90%.
With both components, beam search eventually proposed more infectious variants.
Therefore, this approach can potentially enable researchers to develop vaccines
that provide protection against future infectious variants before they emerge,
pre-empting outbreaks and saving lives.
|
110,349 | 110,349 | Leave-one-out Singular Subspace Perturbation Analysis for Spectral
Clustering | The singular subspaces perturbation theory is of fundamental importance in
probability and statistics. It has various applications across different
fields. We consider two arbitrary matrices where one is a leave-one-column-out
submatrix of the other one and establish a novel perturbation upper bound for
the distance between two corresponding singular subspaces. It is well-suited
for mixture models and results in a sharper and finer statistical analysis than
classical perturbation bounds such as Wedin's Theorem. Powered by this
leave-one-out perturbation theory, we provide a deterministic entrywise
analysis for the performance of the spectral clustering under mixture models.
Our analysis leads to an explicit exponential error rate for the clustering of
sub-Gaussian mixture models. For the mixture of isotropic Gaussians, the rate
is optimal under a weaker signal-to-noise condition than that of L\"offler et
al. (2021).
|
110,350 | 110,350 | Measuring and mitigating voting access disparities: a study of race and
polling locations in Florida and North Carolina | Voter suppression and associated racial disparities in access to voting are
long-standing civil rights concerns in the United States. Barriers to voting
have taken many forms over the decades. A history of violent explicit
discouragement has shifted to more subtle access limitations that can include
long lines and wait times, long travel times to reach a polling station, and
other logistical barriers to voting. Our focus in this work is on quantifying
disparities in voting access pertaining to the overall time-to-vote, and how
they could be remedied via a better choice of polling location or provisioning
more sites where voters can cast ballots. However, appropriately calibrating
access disparities is difficult because of the need to account for factors such
as population density and different community expectations for reasonable
travel times.
In this paper, we quantify access to polling locations, developing a
methodology for the calibrated measurement of racial disparities in polling
location "load" and distance to polling locations. We apply this methodology to
a study of real-world data from Florida and North Carolina to identify
disparities in voting access from the 2020 election. We also introduce
algorithms, with modifications to handle scale, that can reduce these
disparities by suggesting new polling locations from a given list of identified
public locations (including schools and libraries). Applying these algorithms
on the 2020 election location data also helps to expose and explore tradeoffs
between the cost of allocating more polling locations and the potential impact
on access disparities. The developed voting access measurement methodology and
algorithmic remediation technique is a first step in better polling location
assignment.
|
110,351 | 110,351 | Neural Shape Mating: Self-Supervised Object Assembly with Adversarial
Shape Priors | Learning to autonomously assemble shapes is a crucial skill for many robotic
applications. While the majority of existing part assembly methods focus on
correctly posing semantic parts to recreate a whole object, we interpret
assembly more literally: as mating geometric parts together to achieve a snug
fit. By focusing on shape alignment rather than semantic cues, we can achieve
across-category generalization. In this paper, we introduce a novel task,
pairwise 3D geometric shape mating, and propose Neural Shape Mating (NSM) to
tackle this problem. Given the point clouds of two object parts of an unknown
category, NSM learns to reason about the fit of the two parts and predict a
pair of 3D poses that tightly mate them together. We couple the training of NSM
with an implicit shape reconstruction task to make NSM more robust to imperfect
point cloud observations. To train NSM, we present a self-supervised data
collection pipeline that generates pairwise shape mating data with ground truth
by randomly cutting an object mesh into two parts, resulting in a dataset that
consists of 200K shape mating pairs from numerous object meshes with diverse
cut types. We train NSM on the collected dataset and compare it with several
point cloud registration methods and one part assembly baseline. Extensive
experimental results and ablation studies under various settings demonstrate
the effectiveness of the proposed algorithm. Additional material is available
at: https://neural-shape-mating.github.io/
|
110,352 | 110,352 | Exploring the Open World Using Incremental Extreme Value Machines | Dynamic environments require adaptive applications. One particular machine
learning problem in dynamic environments is open world recognition. It
characterizes a continuously changing domain where only some classes are seen
in one batch of the training data and such batches can only be learned
incrementally. Open world recognition is a demanding task that is, to the best
of our knowledge, addressed by only a few methods. This work introduces a
modification of the widely known Extreme Value Machine (EVM) to enable open
world recognition. Our proposed method extends the EVM with a partial model
fitting function by neglecting unaffected space during an update. This reduces
the training time by a factor of 28. In addition, we provide a modified model
reduction using weighted maximum K-set cover to strictly bound the model
complexity and reduce the computational effort by a factor of 3.5 from 2.1 s to
0.6 s. In our experiments, we rigorously evaluate openness with two novel
evaluation protocols. The proposed method achieves superior accuracy of about
12 % and computational efficiency in the tasks of image classification and face
recognition.
|
110,353 | 110,353 | Daisy Bloom Filters | Weighted Bloom filters (Bruck, Gao and Jiang, ISIT 2006) are Bloom filters
that adapt the number of hash functions according to the query element. That
is, they use a sequence of hash functions $h_1, h_2, \dots$ and insert $x$ by
setting the bits in $k_x$ positions $h_1(x), h_2(x), \dots, h_{k_x}(x)$ to 1,
where the parameter $k_x$ depends on $x$. Similarly, a query for $x$ checks
whether the bits at positions $h_1(x), h_2(x), \dots, h_{k_x}(x)$ contain a $0$
(in which case we know that $x$ was not inserted), or contains only $1$s (in
which case $x$ may have been inserted, but it could also be a false positive).
In this paper, we determine a near-optimal choice of the parameters $k_x$ in
a model where $n$ elements are inserted independently from a probability
distribution $\mathcal{P}$ and query elements are chosen from a probability
distribution $\mathcal{Q}$, under a bound on the false positive probability
$F$. In contrast, the parameter choice of Bruck et al., as well as follow-up
work by Wang et al., does not guarantee a nontrivial bound on the false
positive rate. We refer to our parameterization of the weighted Bloom filter as
a $\textit{Daisy Bloom filter}$.
For many distributions $\mathcal{P}$ and $\mathcal{Q}$, the Daisy Bloom
filter space usage is significantly smaller than that of Standard Bloom
filters. Our upper bound is complemented with an information-theoretical lower
bound, showing that (with mild restrictions on the distributions $\mathcal{P}$
and $\mathcal{Q}$), the space usage of Daisy Bloom filters is the best possible
up to a constant factor.
Daisy Bloom filters can be seen as a fine-grained variant of a recent data
structure of Vaidya, Knorr, Mitzenmacher and Kraska. Like their work, we are
motivated by settings in which we have prior knowledge of the workload of the
filter, possibly in the form of advice from a machine learning algorithm.
|
110,354 | 110,354 | FRAug: Tackling Federated Learning with Non-IID Features via
Representation Augmentation | Federated Learning (FL) is a decentralized learning paradigm in which
multiple clients collaboratively train deep learning models without
centralizing their local data and hence preserve data privacy. Real-world
applications usually involve a distribution shift across the datasets of the
different clients, which hurts the generalization ability of the clients to
unseen samples from their respective data distributions. In this work, we
address the recently proposed feature shift problem where the clients have
different feature distributions while the label distribution is the same. We
propose Federated Representation Augmentation (FRAug) to tackle this practical
and challenging problem. Our approach generates synthetic client-specific
samples in the embedding space to augment the usually small client datasets.
For that, we train a shared generative model to fuse the clients' knowledge,
learned from different feature distributions, to synthesize client-agnostic
embeddings, which are then locally transformed into client-specific embeddings
by Representation Transformation Networks (RTNets). By transferring knowledge
across the clients, the generated embeddings act as a regularizer for the
client models and reduce overfitting to the local original datasets, hence
improving generalization. Our empirical evaluation on multiple benchmark
datasets demonstrates the effectiveness of the proposed method, which
substantially outperforms the current state-of-the-art FL methods for non-IID
features, including PartialFed and FedBN.
|
110,355 | 110,355 | Confederated Learning: Federated Learning with Decentralized Edge
Servers | Federated learning (FL) is an emerging machine learning paradigm that allows
to accomplish model training without aggregating data at a central server. Most
studies on FL consider a centralized framework, in which a single server is
endowed with a central authority to coordinate a number of devices to perform
model training in an iterative manner. Due to stringent communication and
bandwidth constraints, such a centralized framework has limited scalability as
the number of devices grows. To address this issue, in this paper, we propose a
ConFederated Learning (CFL) framework. The proposed CFL consists of multiple
servers, in which each server is connected with an individual set of devices as
in the conventional FL framework, and decentralized collaboration is leveraged
among servers to make full use of the data dispersed throughout the network. We
develop an alternating direction method of multipliers (ADMM) algorithm for
CFL. The proposed algorithm employs a random scheduling policy which randomly
selects a subset of devices to access their respective servers at each
iteration, thus alleviating the need of uploading a huge amount of information
from devices to servers. Theoretical analysis is presented to justify the
proposed method. Numerical results show that the proposed method can converge
to a decent solution significantly faster than gradient-based FL algorithms,
thus boasting a substantial advantage in terms of communication efficiency.
|
110,356 | 110,356 | Uncertainty Quantification and Resource-Demanding Computer Vision
Applications of Deep Learning | Bringing deep neural networks (DNNs) into safety critical applications such
as automated driving, medical imaging and finance, requires a thorough
treatment of the model's uncertainties. Training deep neural networks is
already resource demanding and so is also their uncertainty quantification. In
this overview article, we survey methods that we developed to teach DNNs to be
uncertain when they encounter new object classes. Additionally, we present
training methods to learn from only a few labels with help of uncertainty
quantification. Note that this is typically paid with a massive overhead in
computation of an order of magnitude and more compared to ordinary network
training. Finally, we survey our work on neural architecture search which is
also an order of magnitude more resource demanding then ordinary network
training.
|
110,357 | 110,357 | A Deep Learning Approach for Automatic Detection of Qualitative Features
of Lecturing | Artificial Intelligence in higher education opens new possibilities for
improving the lecturing process, such as enriching didactic materials, helping
in assessing students' works or even providing directions to the teachers on
how to enhance the lectures. We follow this research path, and in this work, we
explore how an academic lecture can be assessed automatically by quantitative
features. First, we prepare a set of qualitative features based on teaching
practices and then annotate the dataset of academic lecture videos collected
for this purpose. We then show how these features could be detected
automatically using machine learning and computer vision techniques. Our
results show the potential usefulness of our work.
|
110,358 | 110,358 | ACIL: Analytic Class-Incremental Learning with Absolute Memorization and
Privacy Protection | Class-incremental learning (CIL) learns a classification model with training
data of different classes arising progressively. Existing CIL either suffers
from serious accuracy loss due to catastrophic forgetting, or invades data
privacy by revisiting used exemplars. Inspired by linear learning formulations,
we propose an analytic class-incremental learning (ACIL) with absolute
memorization of past knowledge while avoiding breaching of data privacy (i.e.,
without storing historical data). The absolute memorization is demonstrated in
the sense that class-incremental learning using ACIL given present data would
give identical results to that from its joint-learning counterpart which
consumes both present and historical samples. This equality is theoretically
validated. Data privacy is ensured since no historical data are involved during
the learning process. Empirical validations demonstrate ACIL's competitive
accuracy performance with near-identical results for various incremental task
settings (e.g., 5-50 phases). This also allows ACIL to outperform the
state-of-the-art methods for large-phase scenarios (e.g., 25 and 50 phases).
|
110,359 | 110,359 | Unbalanced CO-Optimal Transport | Optimal transport (OT) compares probability distributions by computing a
meaningful alignment between their samples. CO-optimal transport (COOT) takes
this comparison further by inferring an alignment between features as well.
While this approach leads to better alignments and generalizes both OT and
Gromov-Wasserstein distances, we provide a theoretical result showing that it
is sensitive to outliers that are omnipresent in real-world data. This prompts
us to propose unbalanced COOT for which we provably show its robustness to
noise in the compared datasets. To the best of our knowledge, this is the first
such result for OT methods in incomparable spaces. With this result in hand, we
provide empirical evidence of this robustness for the challenging tasks of
heterogeneous domain adaptation with and without varying proportions of classes
and simultaneous alignment of samples and features across single-cell
measurements.
|
110,360 | 110,360 | CalFAT: Calibrated Federated Adversarial Training with Label Skewness | Recent studies have shown that, like traditional machine learning, federated
learning (FL) is also vulnerable to adversarial attacks. To improve the
adversarial robustness of FL, few federated adversarial training (FAT) methods
have been proposed to apply adversarial training locally before global
aggregation. Although these methods demonstrate promising results on
independent identically distributed (IID) data, they suffer from training
instability issues on non-IID data with label skewness, resulting in much
degraded natural accuracy. This tends to hinder the application of FAT in
real-world applications where the label distribution across the clients is
often skewed. In this paper, we study the problem of FAT under label skewness,
and firstly reveal one root cause of the training instability and natural
accuracy degradation issues: skewed labels lead to non-identical class
probabilities and heterogeneous local models. We then propose a Calibrated FAT
(CalFAT) approach to tackle the instability issue by calibrating the logits
adaptively to balance the classes. We show both theoretically and empirically
that the optimization of CalFAT leads to homogeneous local models across the
clients and much improved convergence rate and final performance.
|
110,361 | 110,361 | Neural Volumetric Object Selection | We introduce an approach for selecting objects in neural volumetric 3D
representations, such as multi-plane images (MPI) and neural radiance fields
(NeRF). Our approach takes a set of foreground and background 2D user scribbles
in one view and automatically estimates a 3D segmentation of the desired
object, which can be rendered into novel views. To achieve this result, we
propose a novel voxel feature embedding that incorporates the neural volumetric
3D representation and multi-view image features from all input views. To
evaluate our approach, we introduce a new dataset of human-provided
segmentation masks for depicted objects in real-world multi-view scene
captures. We show that our approach out-performs strong baselines, including 2D
segmentation and 3D segmentation approaches adapted to our task.
|
110,362 | 110,362 | Deep Learning Methods for Fingerprint-Based Indoor Positioning: A Review | Outdoor positioning systems based on the Global Navigation Satellite System
have several shortcomings that have deemed their use for indoor positioning
impractical. Location fingerprinting, which utilizes machine learning, has
emerged as a viable method and solution for indoor positioning due to its
simple concept and accurate performance. In the past, shallow learning
algorithms were traditionally used in location fingerprinting. Recently, the
research community started utilizing deep learning methods for fingerprinting
after witnessing the great success and superiority these methods have over
traditional/shallow machine learning algorithms. This paper provides a
comprehensive review of deep learning methods in indoor positioning. First, the
advantages and disadvantages of various fingerprint types for indoor
positioning are discussed. The solutions proposed in the literature are then
analyzed, categorized, and compared against various performance evaluation
metrics. Since data is key in fingerprinting, a detailed review of publicly
available indoor positioning datasets is presented. While incorporating deep
learning into fingerprinting has resulted in significant improvements, doing
so, has also introduced new challenges. These challenges along with the common
implementation pitfalls are discussed. Finally, the paper is concluded with
some remarks as well as future research trends.
|
110,363 | 110,363 | Harnessing spectral representations for subgraph alignment | With the rise and advent of graph learning techniques, graph data has become
ubiquitous. However, while several efforts are being devoted to the design of
new convolutional architectures, pooling or positional encoding schemes, less
effort is being spent on problems involving maps between (possibly very large)
graphs, such as signal transfer, graph isomorphism and subgraph correspondence.
With this paper, we anticipate the need for a convenient framework to deal with
such problems, and focus in particular on the challenging subgraph alignment
scenario. We claim that, first and foremost, the representation of a map plays
a central role on how these problems should be modeled. Taking the hint from
recent work in geometry processing, we propose the adoption of a spectral
representation for maps that is compact, easy to compute, robust to topological
changes, easy to plug into existing pipelines, and is especially effective for
subgraph alignment problems. We report for the first time a surprising
phenomenon where the partiality arising in the subgraph alignment task is
manifested as a special structure of the map coefficients, even in the absence
of exact subgraph isomorphism, and which is consistently observed over
different families of graphs up to several thousand nodes.
|
110,364 | 110,364 | Detecting Unknown DGAs without Context Information | New malware emerges at a rapid pace and often incorporates Domain Generation
Algorithms (DGAs) to avoid blocking the malware's connection to the command and
control (C2) server. Current state-of-the-art classifiers are able to separate
benign from malicious domains (binary classification) and attribute them with
high probability to the DGAs that generated them (multiclass classification).
While binary classifiers can label domains of yet unknown DGAs as malicious,
multiclass classifiers can only assign domains to DGAs that are known at the
time of training, limiting the ability to uncover new malware families. In this
work, we perform a comprehensive study on the detection of new DGAs, which
includes an evaluation of 59,690 classifiers. We examine four different
approaches in 15 different configurations and propose a simple yet effective
approach based on the combination of a softmax classifier and regular
expressions (regexes) to detect multiple unknown DGAs with high probability. At
the same time, our approach retains state-of-the-art classification performance
for known DGAs. Our evaluation is based on a leave-one-group-out
cross-validation with a total of 94 DGA families. By using the maximum number
of known DGAs, our evaluation scenario is particularly difficult and close to
the real world. All of the approaches examined are privacy-preserving, since
they operate without context and exclusively on a single domain to be
classified. We round up our study with a thorough discussion of
class-incremental learning strategies that can adapt an existing classifier to
newly discovered classes.
|
110,365 | 110,365 | Edge YOLO: Real-Time Intelligent Object Detection System Based on
Edge-Cloud Cooperation in Autonomous Vehicles | Driven by the ever-increasing requirements of autonomous vehicles, such as
traffic monitoring and driving assistant, deep learning-based object detection
(DL-OD) has been increasingly attractive in intelligent transportation systems.
However, it is difficult for the existing DL-OD schemes to realize the
responsible, cost-saving, and energy-efficient autonomous vehicle systems due
to low their inherent defects of low timeliness and high energy consumption. In
this paper, we propose an object detection (OD) system based on edge-cloud
cooperation and reconstructive convolutional neural networks, which is called
Edge YOLO. This system can effectively avoid the excessive dependence on
computing power and uneven distribution of cloud computing resources.
Specifically, it is a lightweight OD framework realized by combining pruning
feature extraction network and compression feature fusion network to enhance
the efficiency of multi-scale prediction to the largest extent. In addition, we
developed an autonomous driving platform equipped with NVIDIA Jetson for
system-level verification. We experimentally demonstrate the reliability and
efficiency of Edge YOLO on COCO2017 and KITTI data sets, respectively.
According to COCO2017 standard datasets with a speed of 26.6 frames per second
(FPS), the results show that the number of parameters in the entire network is
only 25.67 MB, while the accuracy (mAP) is up to 47.3%.
|
110,366 | 110,366 | Data-driven Numerical Invariant Synthesis with Automatic Generation of
Attributes | We propose a data-driven algorithm for numerical invariant synthesis and
verification. The algorithm is based on the ICE-DT schema for learning decision
trees from samples of positive and negative states and implications
corresponding to program transitions. The main issue we address is the
discovery of relevant attributes to be used in the learning process of
numerical invariants. We define a method for solving this problem guided by the
data sample. It is based on the construction of a separator that covers
positive states and excludes negative ones, consistent with the implications.
The separator is constructed using an abstract domain representation of convex
sets. The generalization mechanism of the decision tree learning from the
constraints of the separator allows the inference of general invariants,
accurate enough for proving the targeted property. We implemented our algorithm
and showed its efficiency.
|
110,367 | 110,367 | Multi-Agent Reinforcement Learning is a Sequence Modeling Problem | Large sequence model (SM) such as GPT series and BERT has displayed
outstanding performance and generalization capabilities on vision, language,
and recently reinforcement learning tasks. A natural follow-up question is how
to abstract multi-agent decision making into an SM problem and benefit from the
prosperous development of SMs. In this paper, we introduce a novel architecture
named Multi-Agent Transformer (MAT) that effectively casts cooperative
multi-agent reinforcement learning (MARL) into SM problems wherein the task is
to map agents' observation sequence to agents' optimal action sequence. Our
goal is to build the bridge between MARL and SMs so that the modeling power of
modern sequence models can be unleashed for MARL. Central to our MAT is an
encoder-decoder architecture which leverages the multi-agent advantage
decomposition theorem to transform the joint policy search problem into a
sequential decision making process; this renders only linear time complexity
for multi-agent problems and, most importantly, endows MAT with monotonic
performance improvement guarantee. Unlike prior arts such as Decision
Transformer fit only pre-collected offline data, MAT is trained by online
trials and errors from the environment in an on-policy fashion. To validate
MAT, we conduct extensive experiments on StarCraftII, Multi-Agent MuJoCo,
Dexterous Hands Manipulation, and Google Research Football benchmarks. Results
demonstrate that MAT achieves superior performance and data efficiency compared
to strong baselines including MAPPO and HAPPO. Furthermore, we demonstrate that
MAT is an excellent few-short learner on unseen tasks regardless of changes in
the number of agents. See our project page at
https://sites.google.com/view/multi-agent-transformer.
|
110,368 | 110,368 | AttentionCode: Ultra-Reliable Feedback Codes for Short-Packet
Communications | Ultra-reliable short-packet communication is a major challenge in future
wireless networks with critical applications. To achieve ultra-reliable
communications beyond 99.999%, this paper envisions a new interaction-based
communication paradigm that exploits the feedback from the receiver for the
sixth generation (6G) communication networks and beyond. We present
AttentionCode, a new class of feedback codes leveraging deep learning (DL)
technologies. The underpinnings of AttentionCode are three architectural
innovations: AttentionNet, input restructuring, and adaptation to fading
channels, accompanied by several training methods, including large-batch
training, distributed learning, look-ahead optimizer, training-test
signal-to-noise ratio (SNR) mismatch, and curriculum learning. The training
methods can potentially be generalized to other wireless communication
applications with machine learning. Numerical experiments verify that
AttentionCode establishes a new state of the art among all DL-based feedback
codes in both additive white Gaussian noise (AWGN) channels and fading
channels. In AWGN channels with noiseless feedback, for example, AttentionCode
achieves a block error rate (BLER) of $10^{-7}$ when the forward channel SNR is
0dB for a block size of 50 bits, demonstrating the potential of AttentionCode
to provide ultra-reliable short-packet communications for 6G.
|
110,369 | 110,369 | Dataset Condensation via Efficient Synthetic-Data Parameterization | The great success of machine learning with massive amounts of data comes at a
price of huge computation costs and storage for training and tuning. Recent
studies on dataset condensation attempt to reduce the dependence on such
massive data by synthesizing a compact training dataset. However, the existing
approaches have fundamental limitations in optimization due to the limited
representability of synthetic datasets without considering any data regularity
characteristics. To this end, we propose a novel condensation framework that
generates multiple synthetic data with a limited storage budget via efficient
parameterization considering data regularity. We further analyze the
shortcomings of the existing gradient matching-based condensation methods and
develop an effective optimization technique for improving the condensation of
training data information. We propose a unified algorithm that drastically
improves the quality of condensed data against the current state-of-the-art on
CIFAR-10, ImageNet, and Speech Commands.
|
110,370 | 110,370 | FedAUXfdp: Differentially Private One-Shot Federated Distillation | Federated learning suffers in the case of non-iid local datasets, i.e., when
the distributions of the clients' data are heterogeneous. One promising
approach to this challenge is the recently proposed method FedAUX, an
augmentation of federated distillation with robust results on even highly
heterogeneous client data. FedAUX is a partially $(\epsilon,
\delta)$-differentially private method, insofar as the clients' private data is
protected in only part of the training it takes part in. This work contributes
a fully differentially private extension, termed FedAUXfdp. In experiments with
deep networks on large-scale image datasets, FedAUXfdp with strong differential
privacy guarantees performs significantly better than other equally privatized
SOTA baselines on non-iid client data in just a single communication round.
Full privatization results in a negligible reduction in accuracy at all levels
of data heterogeneity.
|
110,371 | 110,371 | Sampling-free Inference for Ab-Initio Potential Energy Surface Networks | Obtaining the energy of molecular systems typically requires solving the
associated Schr\"odinger equation. Unfortunately, analytical solutions only
exist for single-electron systems, and accurate approximate solutions are
expensive. In recent work, the potential energy surface network (PESNet) has
been proposed to reduce training time by solving the Schr\"odinger equation for
many geometries simultaneously. While training significantly faster, inference
still required numerical integration limiting the evaluation to a few
geometries. Here, we address the inference shortcomings by proposing the
Potential learning from ab-initio Networks (PlaNet) framework to simultaneously
train a surrogate model that avoids expensive Monte-Carlo integration and,
thus, reduces inference time from minutes or even hours to milliseconds. In
this way, we can accurately model high-resolution multi-dimensional energy
surfaces that previously would have been unobtainable via neural wave
functions. Finally, we present PESNet++, an architectural improvement to
PESNet, that reduces errors by up to 39% and provides new state-of-the-art
results for neural wave functions across all systems evaluated.
|
110,372 | 110,372 | Knowledge Distillation for 6D Pose Estimation by Keypoint Distribution
Alignment | Knowledge distillation facilitates the training of a compact student network
by using a deep teacher one. While this has achieved great success in many
tasks, it remains completely unstudied for image-based 6D object pose
estimation. In this work, we introduce the first knowledge distillation method
for 6D pose estimation. Specifically, we follow a standard approach to 6D pose
estimation, consisting of predicting the 2D image locations of object
keypoints. In this context, we observe the compact student network to struggle
predicting precise 2D keypoint locations. Therefore, to address this, instead
of training the student with keypoint-to-keypoint supervision, we introduce a
strategy based the optimal transport theory that distills the teacher's
keypoint \emph{distribution} into the student network, facilitating its
training. Our experiments on several benchmarks show that our distillation
method yields state-of-the-art results with different compact student models.
|
110,373 | 110,373 | Rethinking Saliency Map: An Context-aware Perturbation Method to Explain
EEG-based Deep Learning Model | Deep learning is widely used to decode the electroencephalogram (EEG) signal.
However, there are few attempts to specifically investigate how to explain the
EEG-based deep learning models. We conduct a review to summarize the existing
works explaining the EEG-based deep learning model. Unfortunately, we find that
there is no appropriate method to explain them. Based on the characteristic of
EEG data, we suggest a context-aware perturbation method to generate a saliency
map from the perspective of the raw EEG signal. Moreover, we also justify that
the context information can be used to suppress the artifacts in the EEG-based
deep learning model. In practice, some users might want a simple version of the
explanation, which only indicates a few features as salient points. To this
end, we propose an optional area limitation strategy to restrict the
highlighted region. To validate our idea and make a comparison with the other
methods, we select three representative EEG-based models to implement
experiments on the emotional EEG dataset DEAP. The results of the experiments
support the advantages of our method.
|
110,374 | 110,374 | Fast Nonlinear Vector Quantile Regression | Quantile regression (QR) is a powerful tool for estimating one or more
conditional quantiles of a target variable $\mathrm{Y}$ given explanatory
features $\boldsymbol{\mathrm{X}}$. A limitation of QR is that it is only
defined for scalar target variables, due to the formulation of its objective
function, and since the notion of quantiles has no standard definition for
multivariate distributions. Recently, vector quantile regression (VQR) was
proposed as an extension of QR for high-dimensional target variables, thanks to
a meaningful generalization of the notion of quantiles to multivariate
distributions. Despite its elegance, VQR is arguably not applicable in practice
due to several limitations: (i) it assumes a linear model for the quantiles of
the target $\mathrm{Y}$ given the features $\boldsymbol{\mathrm{X}}$; (ii) its
exact formulation is intractable even for modestly-sized problems in terms of
target dimensions, number of regressed quantile levels, or number of features,
and its relaxed dual formulation may violate the monotonicity of the estimated
quantiles; (iii) no fast or scalable solvers for VQR currently exist. In this
work we fully address these limitations, namely: (i) We extend VQR to the
non-linear case, showing substantial improvement over linear VQR; (ii) We
propose vector monotone rearrangement, a method which ensures the estimates
obtained by VQR relaxations are monotone functions; (iii) We provide fast,
GPU-accelerated solvers for linear and nonlinear VQR which maintain a fixed
memory footprint with number of samples and quantile levels, and demonstrate
that they scale to millions of samples and thousands of quantile levels; (iv)
We release an optimized python package of our solvers as to widespread the use
of VQR in real-world applications.
|
110,375 | 110,375 | A Continuous Time Framework for Discrete Denoising Models | We provide the first complete continuous time framework for denoising
diffusion models of discrete data. This is achieved by formulating the forward
noising process and corresponding reverse time generative process as Continuous
Time Markov Chains (CTMCs). The model can be efficiently trained using a
continuous time version of the ELBO. We simulate the high dimensional CTMC
using techniques developed in chemical physics and exploit our continuous time
framework to derive high performance samplers that we show can outperform
discrete time methods for discrete data. The continuous time treatment also
enables us to derive a novel theoretical result bounding the error between the
generated sample distribution and the true data distribution.
|
110,376 | 110,376 | Quantum Multi-Armed Bandits and Stochastic Linear Bandits Enjoy
Logarithmic Regrets | Multi-arm bandit (MAB) and stochastic linear bandit (SLB) are important
models in reinforcement learning, and it is well-known that classical
algorithms for bandits with time horizon $T$ suffer $\Omega(\sqrt{T})$ regret.
In this paper, we study MAB and SLB with quantum reward oracles and propose
quantum algorithms for both models with $O(\mbox{poly}(\log T))$ regrets,
exponentially improving the dependence in terms of $T$. To the best of our
knowledge, this is the first provable quantum speedup for regrets of bandit
problems and in general exploitation in reinforcement learning. Compared to
previous literature on quantum exploration algorithms for MAB and reinforcement
learning, our quantum input model is simpler and only assumes quantum oracles
for each individual arm.
|
110,377 | 110,377 | Running the Dual-PQC GAN on noisy simulators and real quantum hardware | In an earlier work, we introduced dual-Parameterized Quantum Circuit (PQC)
Generative Adversarial Networks (GAN), an advanced prototype of a quantum GAN.
We applied the model on a realistic High-Energy Physics (HEP) use case: the
exact theoretical simulation of a calorimeter response with a reduced problem
size. This paper explores the dual- PQC GAN for a more practical usage by
testing its performance in the presence of different types of quantum noise,
which are the major obstacles to overcome for successful deployment using
near-term quantum devices. The results propose the possibility of running the
model on current real hardware, but improvements are still required in some
areas.
|
110,378 | 110,378 | Efficient Transformed Gaussian Processes for Non-Stationary Dependent
Multi-class Classification | This work introduces the Efficient Transformed Gaussian Process (ETGP), a new
way of creating C stochastic processes characterized by: 1) the C processes are
non-stationary, 2) the C processes are dependent by construction without
needing a mixing matrix, 3) training and making predictions is very efficient
since the number of Gaussian Processes (GP) operations (e.g. inverting the
inducing point's covariance matrix) do not depend on the number of processes.
This makes the ETGP particularly suited for multi-class problems with a very
large number of classes, which are the problems studied in this work. ETGPs
exploit the recently proposed Transformed Gaussian Process (TGP), a stochastic
process specified by transforming a Gaussian Process using an invertible
transformation. However, unlike TGPs, ETGPs are constructed by transforming a
single sample from a GP using C invertible transformations. We derive an
efficient sparse variational inference algorithm for the proposed model and
demonstrate its utility in 5 classification tasks which include
low/medium/large datasets and a different number of classes, ranging from just
a few to hundreds. Our results show that ETGPs, in general, outperform
state-of-the-art methods for multi-class classification based on GPs, and have
a lower computational cost (around one order of magnitude smaller).
|
110,379 | 110,379 | Task-Prior Conditional Variational Auto-Encoder for Few-Shot Image
Classification | Transductive methods always outperform inductive methods in few-shot image
classification scenarios. However, the existing few-shot methods contain a
latent condition: the number of samples in each class is the same, which may be
unrealistic. To cope with those cases where the query shots of each class are
nonuniform (i.e. nonuniform few-shot learning), we propose a Task-Prior
Conditional Variational Auto-Encoder model named TP-VAE, conditioned on support
shots and constrained by a task-level prior regularization. Our method obtains
high performance in the more challenging nonuniform few-shot scenarios.
Moreover, our method outperforms the state-of-the-art in a wide range of
standard few-shot image classification scenarios. Among them, the accuracy of
1-shot increased by about 3\%.
|
110,380 | 110,380 | A reconfigurable integrated electronic tongue and its use in accelerated
analysis of juices and wines | Potentiometric electronic tongues (ETs) leveraging trends in miniaturization
and internet of things (IoT) bear promise for facile mobile chemical analysis
of complex multicomponent liquids, such as beverages. In this work,
hand-crafted feature extraction from the transient potentiometric response of
an array of low-selective miniaturized polymeric sensors is combined with a
data pipeline for deployment of trained machine learning models on a cloud
back-end or edge device. The sensor array demonstrated sensitivity to different
organic acids and exhibited interesting performance for the fingerprinting of
fruit juices and wines, including differentiation of samples through supervised
learning based on sensory descriptors and prediction of consumer acceptability
of aged juice samples. Product authentication, quality control and support of
sensory evaluation are some of the applications that are expected to benefit
from integrated electronic tongues that facilitate the characterization of
complex properties of multi-component liquids.
|
110,381 | 110,381 | Agnostic Physics-Driven Deep Learning | This work establishes that a physical system can perform statistical learning
without gradient computations, via an Agnostic Equilibrium Propagation
(Aeqprop) procedure that combines energy minimization, homeostatic control, and
nudging towards the correct response. In Aeqprop, the specifics of the system
do not have to be known: the procedure is based only on external manipulations,
and produces a stochastic gradient descent without explicit gradient
computations. Thanks to nudging, the system performs a true, order-one gradient
step for each training sample, in contrast with order-zero methods like
reinforcement or evolutionary strategies, which rely on trial and error. This
procedure considerably widens the range of potential hardware for statistical
learning to any system with enough controllable parameters, even if the details
of the system are poorly known. Aeqprop also establishes that in natural
(bio)physical systems, genuine gradient-based statistical learning may result
from generic, relatively simple mechanisms, without backpropagation and its
requirement for analytic knowledge of partial derivatives.
|
110,382 | 110,382 | Scalable Multi-Agent Model-Based Reinforcement Learning | Recent Multi-Agent Reinforcement Learning (MARL) literature has been largely
focused on Centralized Training with Decentralized Execution (CTDE) paradigm.
CTDE has been a dominant approach for both cooperative and mixed environments
due to its capability to efficiently train decentralized policies. While in
mixed environments full autonomy of the agents can be a desirable outcome,
cooperative environments allow agents to share information to facilitate
coordination. Approaches that leverage this technique are usually referred as
communication methods, as full autonomy of agents is compromised for better
performance. Although communication approaches have shown impressive results,
they do not fully leverage this additional information during training phase.
In this paper, we propose a new method called MAMBA which utilizes Model-Based
Reinforcement Learning (MBRL) to further leverage centralized training in
cooperative environments. We argue that communication between agents is enough
to sustain a world model for each agent during execution phase while imaginary
rollouts can be used for training, removing the necessity to interact with the
environment. These properties yield sample efficient algorithm that can scale
gracefully with the number of agents. We empirically confirm that MAMBA
achieves good performance while reducing the number of interactions with the
environment up to an orders of magnitude compared to Model-Free
state-of-the-art approaches in challenging domains of SMAC and Flatland.
|
110,383 | 110,383 | Symbol Emergence as Inter-personal Categorization with Head-to-head
Latent Word | In this study, we propose a head-to-head type (H2H-type) inter-personal
multimodal Dirichlet mixture (Inter-MDM) by modifying the original Inter-MDM,
which is a probabilistic generative model that represents the symbol emergence
between two agents as multiagent multimodal categorization. A
Metropolis--Hastings method-based naming game based on the Inter-MDM enables
two agents to collaboratively perform multimodal categorization and share signs
with a solid mathematical foundation of convergence. However, the conventional
Inter-MDM presumes a tail-to-tail connection across a latent word variable,
causing inflexibility of the further extension of Inter-MDM for modeling a more
complex symbol emergence. Therefore, we propose herein a head-to-head type
(H2H-type) Inter-MDM that treats a latent word variable as a child node of an
internal variable of each agent in the same way as many prior studies of
multimodal categorization. On the basis of the H2H-type Inter-MDM, we propose a
naming game in the same way as the conventional Inter-MDM. The experimental
results show that the H2H-type Inter-MDM yields almost the same performance as
the conventional Inter-MDM from the viewpoint of multimodal categorization and
sign sharing.
|
110,384 | 110,384 | Neural Copula: A unified framework for estimating generic
high-dimensional Copula functions | The Copula is widely used to describe the relationship between the marginal
distribution and joint distribution of random variables. The estimation of
high-dimensional Copula is difficult, and most existing solutions rely either
on simplified assumptions or on complicating recursive decompositions.
Therefore, people still hope to obtain a generic Copula estimation method with
both universality and simplicity. To reach this goal, a novel neural
network-based method (named Neural Copula) is proposed in this paper. In this
method, a hierarchical unsupervised neural network is constructed to estimate
the marginal distribution function and the Copula function by solving
differential equations. In the training program, various constraints are
imposed on both the neural network and its derivatives. The Copula estimated by
the proposed method is smooth and has an analytic expression. The effectiveness
of the proposed method is evaluated on both real-world datasets and complex
numerical simulations. Experimental results show that Neural Copula's fitting
quality for complex distributions is much better than classical methods. The
relevant code for the experiments is available on GitHub. (We encourage the
reader to run the program for a better understanding of the proposed method).
|
110,385 | 110,385 | RLx2: Training a Sparse Deep Reinforcement Learning Model from Scratch | Training deep reinforcement learning (DRL) models usually requires high
computation costs. Therefore, compressing DRL models possesses immense
potential for training acceleration and model deployment. However, existing
methods that generate small models mainly adopt the knowledge distillation
based approach by iteratively training a dense network, such that the training
process still demands massive computing resources. Indeed, sparse training from
scratch in DRL has not been well explored and is particularly challenging due
to non-stationarity in bootstrap training. In this work, we propose a novel
sparse DRL training framework, "the \textbf{R}igged \textbf{R}einforcement
\textbf{L}earning \textbf{L}ottery" (RLx2), which is capable of training a DRL
agent \emph{using an ultra-sparse network throughout} for off-policy
reinforcement learning. The systematic RLx2 framework contains three key
components: gradient-based topology evolution, multi-step Temporal Difference
(TD) targets, and dynamic-capacity replay buffer. RLx2 enables efficient
topology exploration and robust Q-value estimation simultaneously. We
demonstrate state-of-the-art sparse training performance in several continuous
control tasks using RLx2, showing $7.5\times$-$20\times$ model compression with
less than $3\%$ performance degradation, and up to $20\times$ and $50\times$
FLOPs reduction for training and inference, respectively.
|
110,386 | 110,386 | Metrizing Fairness | We study supervised learning problems for predicting properties of
individuals who belong to one of two demographic groups, and we seek predictors
that are fair according to statistical parity. This means that the
distributions of the predictions within the two groups should be close with
respect to the Kolmogorov distance, and fairness is achieved by penalizing the
dissimilarity of these two distributions in the objective function of the
learning problem. In this paper, we showcase conceptual and computational
benefits of measuring unfairness with integral probability metrics (IPMs) other
than the Kolmogorov distance. Conceptually, we show that the generator of any
IPM can be interpreted as a family of utility functions and that unfairness
with respect to this IPM arises if individuals in the two demographic groups
have diverging expected utilities. We also prove that the
unfairness-regularized prediction loss admits unbiased gradient estimators if
unfairness is measured by the squared $\mathcal L^2$-distance or by a squared
maximum mean discrepancy. In this case, the fair learning problem is
susceptible to efficient stochastic gradient descent (SGD) algorithms.
Numerical experiments on real data show that these SGD algorithms outperform
state-of-the-art methods for fair learning in that they achieve superior
accuracy-unfairness trade-offs -- sometimes orders of magnitude faster.
Finally, we identify conditions under which statistical parity can improve
prediction accuracy.
|
110,387 | 110,387 | Stock Trading Optimization through Model-based Reinforcement Learning
with Resistance Support Relative Strength | Reinforcement learning (RL) is gaining attention by more and more researchers
in quantitative finance as the agent-environment interaction framework is
aligned with decision making process in many business problems. Most of the
current financial applications using RL algorithms are based on model-free
method, which still faces stability and adaptivity challenges. As lots of
cutting-edge model-based reinforcement learning (MBRL) algorithms mature in
applications such as video games or robotics, we design a new approach that
leverages resistance and support (RS) level as regularization terms for action
in MBRL, to improve the algorithm's efficiency and stability. From the
experiment results, we can see RS level, as a market timing technique, enhances
the performance of pure MBRL models in terms of various measurements and
obtains better profit gain with less riskiness. Besides, our proposed method
even resists big drop (less maximum drawdown) during COVID-19 pandemic period
when the financial market got unpredictable crisis. Explanations on why control
of resistance and support level can boost MBRL is also investigated through
numerical experiments, such as loss of actor-critic network and prediction
error of the transition dynamical model. It shows that RS indicators indeed
help the MBRL algorithms to converge faster at early stage and obtain smaller
critic loss as training episodes increase.
|
110,388 | 110,388 | Hilbert Curve Projection Distance for Distribution Comparison | Distribution comparison plays a central role in many machine learning tasks
like data classification and generative modeling. In this study, we propose a
novel metric, called Hilbert curve projection (HCP) distance, to measure the
distance between two probability distributions with high robustness and low
complexity. In particular, we first project two high-dimensional probability
densities using Hilbert curve to obtain a coupling between them, and then
calculate the transport distance between these two densities in the original
space, according to the coupling. We show that HCP distance is a proper metric
and is well-defined for absolutely continuous probability measures.
Furthermore, we demonstrate that the empirical HCP distance converges to its
population counterpart at a rate of no more than $O(n^{-1/2d})$ under
regularity conditions. To suppress the curse-of-dimensionality, we also develop
two variants of the HCP distance using (learnable) subspace projections.
Experiments on both synthetic and real-world data show that our HCP distance
works as an effective surrogate of the Wasserstein distance with low complexity
and overcomes the drawbacks of the sliced Wasserstein distance.
|
110,389 | 110,389 | A Transistor Operations Model for Deep Learning Energy Consumption
Scaling | Deep Learning (DL) has transformed the automation of a wide range of
industries and finds increasing ubiquity in society. The increasing complexity
of DL models and its widespread adoption has led to the energy consumption
doubling every 3-4 months. Currently, the relationship between DL model
configuration and energy consumption is not well established. Current FLOPs and
MACs based methods only consider the linear operations. In this paper, we
develop a bottom-level Transistor Operations (TOs) method to expose the role of
activation functions and neural network structure in energy consumption scaling
with DL model configuration. TOs allows us uncovers the role played by
non-linear operations (e.g. division/root operations performed by activation
functions and batch normalisation). As such, our proposed TOs model provides
developers with a hardware-agnostic index for how energy consumption scales
with model settings. To validate our work, we analyse the TOs energy scaling of
a feed-forward DNN model set and achieve a 98.2% - 99.97% precision in
estimating its energy consumption. We believe this work can be extended to any
DL model.
|
110,390 | 110,390 | SEREN: Knowing When to Explore and When to Exploit | Efficient reinforcement learning (RL) involves a trade-off between
"exploitative" actions that maximise expected reward and "explorative'" ones
that sample unvisited states. To encourage exploration, recent approaches
proposed adding stochasticity to actions, separating exploration and
exploitation phases, or equating reduction in uncertainty with reward. However,
these techniques do not necessarily offer entirely systematic approaches making
this trade-off. Here we introduce SElective Reinforcement Exploration Network
(SEREN) that poses the exploration-exploitation trade-off as a game between an
RL agent -- \exploiter, which purely exploits known rewards, and another RL
agent -- \switcher, which chooses at which states to activate a pure
exploration policy that is trained to minimise system uncertainty and override
Exploiter. Using a form of policies known as impulse control, \switcher is able
to determine the best set of states to switch to the exploration policy while
Exploiter is free to execute its actions everywhere else. We prove that SEREN
converges quickly and induces a natural schedule towards pure exploitation.
Through extensive empirical studies in both discrete (MiniGrid) and continuous
(MuJoCo) control benchmarks, we show that SEREN can be readily combined with
existing RL algorithms to yield significant improvement in performance relative
to state-of-the-art algorithms.
|
110,391 | 110,391 | Embedding Graphs on Grassmann Manifold | Learning efficient graph representation is the key to favorably addressing
downstream tasks on graphs, such as node or graph property prediction. Given
the non-Euclidean structural property of graphs, preserving the original graph
data's similarity relationship in the embedded space needs specific tools and a
similarity metric. This paper develops a new graph representation learning
scheme, namely EGG, which embeds approximated second-order graph
characteristics into a Grassmann manifold. The proposed strategy leverages
graph convolutions to learn hidden representations of the corresponding
subspace of the graph, which is then mapped to a Grassmann point of a low
dimensional manifold through truncated singular value decomposition (SVD). The
established graph embedding approximates denoised correlationship of node
attributes, as implemented in the form of a symmetric matrix space for
Euclidean calculation. The effectiveness of EGG is demonstrated using both
clustering and classification tasks at the node level and graph level. It
outperforms baseline models on various benchmarks.
|
110,392 | 110,392 | Align then Fusion: Generalized Large-scale Multi-view Clustering with
Anchor Matching Correspondences | Multi-view anchor graph clustering selects representative anchors to avoid
full pair-wise similarities and therefore reduce the complexity of graph
methods. Although widely applied in large-scale applications, existing
approaches do not pay sufficient attention to establishing correct
correspondences between the anchor sets across views. To be specific, anchor
graphs obtained from different views are not aligned column-wisely. Such an
Anchor-Unaligned Problem (AUP) would cause inaccurate graph fusion and degrade
the clustering performance. Under multi-view scenarios, generating correct
correspondences could be extremely difficult since anchors are not consistent
in feature dimensions. To solve this challenging issue, we propose the first
study of a generalized and flexible anchor graph fusion framework termed Fast
Multi-View Anchor-Correspondence Clustering (FMVACC). Specifically, we show how
to find anchor correspondence with both feature and structure information,
after which anchor graph fusion is performed column-wisely. Moreover, we
theoretically show the connection between FMVACC and existing multi-view late
fusion and partial view-aligned clustering, which further demonstrates our
generality. Extensive experiments on seven benchmark datasets demonstrate the
effectiveness and efficiency of our proposed method. Moreover, the proposed
alignment module also shows significant performance improvement applying to
existing multi-view anchor graph competitors indicating the importance of
anchor alignment.
|
110,393 | 110,393 | Improved Algorithms for Bandit with Graph Feedback via Regret
Decomposition | The problem of bandit with graph feedback generalizes both the multi-armed
bandit (MAB) problem and the learning with expert advice problem by encoding in
a directed graph how the loss vector can be observed in each round of the game.
The mini-max regret is closely related to the structure of the feedback graph
and their connection is far from being fully understood. We propose a new
algorithmic framework for the problem based on a partition of the feedback
graph. Our analysis reveals the interplay between various parts of the graph by
decomposing the regret to the sum of the regret caused by small parts and the
regret caused by their interaction. As a result, our algorithm can be viewed as
an interpolation and generalization of the optimal algorithms for MAB and
learning with expert advice. Our framework unifies previous algorithms for both
strongly observable graphs and weakly observable graphs, resulting in improved
and optimal regret bounds on a wide range of graph families including graphs of
bounded degree and strongly observable graphs with a few corrupted arms.
|
110,394 | 110,394 | CGMN: A Contrastive Graph Matching Network for Self-Supervised Graph
Similarity Learning | Graph similarity learning refers to calculating the similarity score between
two graphs, which is required in many realistic applications, such as visual
tracking, graph classification, and collaborative filtering. As most of the
existing graph neural networks yield effective graph representations of a
single graph, little effort has been made for jointly learning two graph
representations and calculating their similarity score. In addition, existing
unsupervised graph similarity learning methods are mainly clustering-based,
which ignores the valuable information embodied in graph pairs. To this end, we
propose a contrastive graph matching network (CGMN) for self-supervised graph
similarity learning in order to calculate the similarity between any two input
graph objects. Specifically, we generate two augmented views for each graph in
a pair respectively. Then, we employ two strategies, namely cross-view
interaction and cross-graph interaction, for effective node representation
learning. The former is resorted to strengthen the consistency of node
representations in two views. The latter is utilized to identify node
differences between different graphs. Finally, we transform node
representations into graph-level representations via pooling operations for
graph similarity computation. We have evaluated CGMN on eight real-world
datasets, and the experiment results show that the proposed new approach is
superior to the state-of-the-art methods in graph similarity learning
downstream tasks.
|
110,395 | 110,395 | Retrieving and Ranking Relevant JavaScript Technologies from Web
Repositories | The selection of software technologies is an important but complex task. We
consider developers of JavaScript (JS) applications, for whom the assessment of
JS libraries has become difficult and time-consuming due to the growing number
of technology options available. A common strategy is to browse software
repositories via search engines (e.g., NPM, or Google), although it brings some
problems. First, given a technology need, the engines might return a long list
of results, which often causes information overload issues. Second, the results
should be ranked according to criteria of interest for the developer. However,
deciding how to weight these criteria to make a decision is not
straightforward. In this work, we propose a two-phase approach for assisting
developers to retrieve and rank JS technologies in a semi-automated fashion.
The first-phase (ST-Retrieval) uses a meta-search technique for collecting JS
technologies that meet the developer's needs. The second-phase (called
ST-Rank), relies on a machine learning technique to infer, based on criteria
used by other projects in the Web, a ranking of the output of ST-Retrieval. We
evaluated our approach with NPM and obtained satisfactory results in terms of
the accuracy of the technologies retrieved and the order in which they were
ranked.
|
110,396 | 110,396 | CHALLENGER: Training with Attribution Maps | We show that utilizing attribution maps for training neural networks can
improve regularization of models and thus increase performance. Regularization
is key in deep learning, especially when training complex models on relatively
small datasets. In order to understand inner workings of neural networks,
attribution methods such as Layer-wise Relevance Propagation (LRP) have been
extensively studied, particularly for interpreting the relevance of input
features. We introduce Challenger, a module that leverages the explainable
power of attribution maps in order to manipulate particularly relevant input
patterns. Therefore, exposing and subsequently resolving regions of ambiguity
towards separating classes on the ground-truth data manifold, an issue that
arises particularly when training models on rather small datasets. Our
Challenger module increases model performance through building more diverse
filters within the network and can be applied to any input data domain. We
demonstrate that our approach results in substantially better classification as
well as calibration performance on datasets with only a few samples up to
datasets with thousands of samples. In particular, we show that our generic
domain-independent approach yields state-of-the-art results in vision, natural
language processing and on time series tasks.
|
110,397 | 110,397 | Meta Representation Learning with Contextual Linear Bandits | Meta-learning seeks to build algorithms that rapidly learn how to solve new
learning problems based on previous experience. In this paper we investigate
meta-learning in the setting of stochastic linear bandit tasks. We assume that
the tasks share a low dimensional representation, which has been partially
acquired from previous learning tasks. We aim to leverage this information in
order to learn a new downstream bandit task, which shares the same
representation. Our principal contribution is to show that if the learned
representation estimates well the unknown one, then the downstream task can be
efficiently learned by a greedy policy that we propose in this work. We derive
an upper bound on the regret of this policy, which is, up to logarithmic
factors, of order $r\sqrt{N}(1\vee \sqrt{d/T})$, where $N$ is the horizon of
the downstream task, $T$ is the number of training tasks, $d$ the ambient
dimension and $r \ll d$ the dimension of the representation. We highlight that
our strategy does not need to know $r$. We note that if $T> d$ our bound
achieves the same rate of optimal minimax bandit algorithms using the true
underlying representation. Our analysis is inspired and builds in part upon
previous work on meta-learning in the i.i.d. full information setting
\citep{tripuraneni2021provable,boursier2022trace}. As a separate contribution
we show how to relax certain assumptions in those works, thereby improving
their representation learning and risk analysis.
|
110,398 | 110,398 | FLICU: A Federated Learning Workflow for Intensive Care Unit Mortality
Prediction | Although Machine Learning (ML) can be seen as a promising tool to improve
clinical decision-making for supporting the improvement of medication plans,
clinical procedures, diagnoses, or medication prescriptions, it remains limited
by access to healthcare data. Healthcare data is sensitive, requiring strict
privacy practices, and typically stored in data silos, making traditional
machine learning challenging. Federated learning can counteract those
limitations by training machine learning models over data silos while keeping
the sensitive data localized. This study proposes a federated learning workflow
for ICU mortality prediction. Hereby, the applicability of federated learning
as an alternative to centralized machine learning and local machine learning is
investigated by introducing federated learning to the binary classification
problem of predicting ICU mortality. We extract multivariate time series data
from the MIMIC-III database (lab values and vital signs), and benchmark the
predictive performance of four deep sequential classifiers (FRNN, LSTM, GRU,
and 1DCNN) varying the patient history window lengths (8h, 16h, 24h, 48h) and
the number of FL clients (2, 4, 8). The experiments demonstrate that both
centralized machine learning and federated learning are comparable in terms of
AUPRC and F1-score. Furthermore, the federated approach shows superior
performance over local machine learning. Thus, the federated approach can be
seen as a valid and privacy-preserving alternative to centralized machine
learning for classifying ICU mortality when sharing sensitive patient data
between hospitals is not possible.
|
110,399 | 110,399 | A k nearest neighbours classifiers ensemble based on extended
neighbourhood rule and features subsets | kNN based ensemble methods minimise the effect of outliers by identifying a
set of data points in the given feature space that are nearest to an unseen
observation in order to predict its response by using majority voting. The
ordinary ensembles based on kNN find out the k nearest observations in a region
(bounded by a sphere) based on a predefined value of k. This scenario, however,
might not work in situations when the test observation follows the pattern of
the closest data points with the same class that lie on a certain path not
contained in the given sphere. This paper proposes a k nearest neighbour
ensemble where the neighbours are determined in k steps. Starting from the
first nearest observation of the test point, the algorithm identifies a single
observation that is closest to the observation at the previous step. At each
base learner in the ensemble, this search is extended to k steps on a random
bootstrap sample with a random subset of features selected from the feature
space. The final predicted class of the test point is determined by using a
majority vote in the predicted classes given by all base models. This new
ensemble method is applied on 17 benchmark datasets and compared with other
classical methods, including kNN based models, in terms of classification
accuracy, kappa and Brier score as performance metrics. Boxplots are also
utilised to illustrate the difference in the results given by the proposed and
other state-of-the-art methods. The proposed method outperformed the rest of
the classical methods in the majority of cases. The paper gives a detailed
simulation study for further assessment.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.