Unnamed: 0
int64 0
5k
| title
stringlengths 9
210
| abstract
stringlengths 164
1.92k
|
---|---|---|
3,500 | 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. |
3,501 | 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. |
3,502 | 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. |
3,503 | 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. |
3,504 | 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. |
3,505 | 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. |
3,506 | Mixture GAN For Modulation Classification Resiliency Against Adversarial Attacks | Automatic modulation classification (AMC) using the Deep Neural Network (DNN)
approach outperforms the traditional classification techniques, even in the
presence of challenging wireless channel environments. However, the adversarial
attacks cause the loss of accuracy for the DNN-based AMC by injecting a
well-designed perturbation to the wireless channels. In this paper, we propose
a novel generative adversarial network (GAN)-based countermeasure approach to
safeguard the DNN-based AMC systems against adversarial attack examples.
GAN-based aims to eliminate the adversarial attack examples before feeding to
the DNN-based classifier. Specifically, we have shown the resiliency of our
proposed defense GAN against the Fast-Gradient Sign method (FGSM) algorithm as
one of the most potent kinds of attack algorithms to craft the perturbed
signals. The existing defense-GAN has been designed for image classification
and does not work in our case where the above-mentioned communication system is
considered. Thus, our proposed countermeasure approach deploys GANs with a
mixture of generators to overcome the mode collapsing problem in a typical GAN
facing radio signal classification problem. Simulation results show the
effectiveness of our proposed defense GAN so that it could enhance the accuracy
of the DNN-based AMC under adversarial attacks to 81%, approximately. |
3,507 | 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. |
3,508 | 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. |
3,509 | 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. |
3,510 | 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. |
3,511 | 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. |
3,512 | 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. |
3,513 | 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. |
3,514 | CogVideo: Large-scale Pretraining for Text-to-Video Generation via Transformers | Large-scale pretrained transformers have created milestones in text (GPT-3)
and text-to-image (DALL-E and CogView) generation. Its application to video
generation is still facing many challenges: The potential huge computation cost
makes the training from scratch unaffordable; The scarcity and weak relevance
of text-video datasets hinder the model understanding complex movement
semantics. In this work, we present 9B-parameter transformer CogVideo, trained
by inheriting a pretrained text-to-image model, CogView2. We also propose
multi-frame-rate hierarchical training strategy to better align text and video
clips. As (probably) the first open-source large-scale pretrained text-to-video
model, CogVideo outperforms all publicly available models at a large margin in
machine and human evaluations. |
3,515 | 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. |
3,516 | Intelligent analysis of EEG signals to assess consumer decisions: A Study on Neuromarketing | Neuromarketing is an emerging field that combines neuroscience and marketing
to understand the factors that influence consumer decisions better. The study
proposes a method to understand consumers' positive and negative reactions to
advertisements (ads) and products by analysing electroencephalogram (EEG)
signals. These signals are recorded using a low-cost single electrode headset
from volunteers belonging to the ages 18-22. A detailed subject dependent (SD)
and subject independent (SI) analysis was performed employing machine learning
methods like Naive Bayes (NB), Support Vector Machine (SVM), k-nearest
neighbour and Decision Tree and the proposed deep learning (DL) model. SVM and
NB yielded an accuracy (Acc.) of 0.63 for the SD analysis. In SI analysis, SVM
performed better for the advertisement, product and gender-based analysis.
Furthermore, the performance of the DL model was on par with that of SVM,
especially, in product and ads-based analysis. |
3,517 | Tackling Multiple Tasks with One Single Learning Framework | Deep Multi-Task Learning (DMTL) has been widely studied in the machine
learning community and applied to a broad range of real-world applications.
Searching for the optimal knowledge sharing in DMTL is more challenging for
sequential learning problems, as the task relationship will change in the
temporal dimension. In this paper, we propose a flexible and efficient
framework called HierarchicalTemporal Activation Network (HTAN) to
simultaneously explore the optimal sharing of the neural network hierarchy
(hierarchical axis) and the time-variant task relationship (temporal axis).
HTAN learns a set of time-variant activation functions to encode the task
relation. A functional regularization implemented by a modulated SPDNet and
adversarial learning is further proposed to enhance the DMTL performance.
Comprehensive experiments on several challenging applications demonstrate that
our HTAN-SPD framework outperforms SOTA methods significantly in sequential
DMTL. |
3,518 | 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. |
3,519 | 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. |
3,520 | 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. |
3,521 | 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. |
3,522 | 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. |
3,523 | 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. |
3,524 | 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. |
3,525 | 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. |
3,526 | Context-based Virtual Adversarial Training for Text Classification with Noisy Labels | Deep neural networks (DNNs) have a high capacity to completely memorize noisy
labels given sufficient training time, and its memorization, unfortunately,
leads to performance degradation. Recently, virtual adversarial training (VAT)
attracts attention as it could further improve the generalization of DNNs in
semi-supervised learning. The driving force behind VAT is to prevent the models
from overfitting data points by enforcing consistency between the inputs and
the perturbed inputs. This strategy could be helpful in learning from noisy
labels if it prevents neural models from learning noisy samples while
encouraging the models to generalize clean samples. In this paper, we propose
context-based virtual adversarial training (ConVAT) to prevent a text
classifier from overfitting to noisy labels. Unlike the previous works, the
proposed method performs the adversarial training at the context level rather
than the inputs. It makes the classifier not only learn its label but also its
contextual neighbors, which alleviates the learning from noisy labels by
preserving contextual semantics on each data point. We conduct extensive
experiments on four text classification datasets with two types of label
noises. Comprehensive experimental results clearly show that the proposed
method works quite well even with extremely noisy settings. |
3,527 | 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. |
3,528 | 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. |
3,529 | 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. |
3,530 | 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. |
3,531 | 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. |
3,532 | Exploiting Transliterated Words for Finding Similarity in Inter-Language News Articles using Machine Learning | Finding similarities between two inter-language news articles is a
challenging problem of Natural Language Processing (NLP). It is difficult to
find similar news articles in a different language other than the native
language of user, there is a need for a Machine Learning based automatic system
to find the similarity between two inter-language news articles. In this
article, we propose a Machine Learning model with the combination of English
Urdu word transliteration which will show whether the English news article is
similar to the Urdu news article or not. The existing approaches to find
similarities has a major drawback when the archives contain articles of
low-resourced languages like Urdu along with English news article. The existing
approaches to find similarities has drawback when the archives contain
low-resourced languages like Urdu along with English news articles. We used
lexicon to link Urdu and English news articles. As Urdu language processing
applications like machine translation, text to speech, etc are unable to handle
English text at the same time so this research proposed technique to find
similarities in English and Urdu news articles based on transliteration. |
3,533 | Urdu News Article Recommendation Model using Natural Language Processing Techniques | There are several online newspapers in urdu but for the users it is difficult
to find the content they are looking for because these most of them contain
irrelevant data and most users did not get what they want to retrieve. Our
proposed framework will help to predict Urdu news in the interests of users and
reduce the users searching time for news. For this purpose, NLP techniques are
used for pre-processing, and then TF-IDF with cosine similarity is used for
gaining the highest similarity and recommended news on user preferences.
Moreover, the BERT language model is also used for similarity, and by using the
BERT model similarity increases as compared to TF-IDF so the approach works
better with the BERT language model and recommends news to the user on their
interest. The news is recommended when the similarity of the articles is above
60 percent. |
3,534 | 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. |
3,535 | 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. |
3,536 | 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. |
3,537 | 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. |
3,538 | 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. |
3,539 | Do Residual Neural Networks discretize Neural Ordinary Differential Equations? | Neural Ordinary Differential Equations (Neural ODEs) are the continuous
analog of Residual Neural Networks (ResNets). We investigate whether the
discrete dynamics defined by a ResNet are close to the continuous one of a
Neural ODE. We first quantify the distance between the ResNet's hidden state
trajectory and the solution of its corresponding Neural ODE. Our bound is tight
and, on the negative side, does not go to 0 with depth N if the residual
functions are not smooth with depth. On the positive side, we show that this
smoothness is preserved by gradient descent for a ResNet with linear residual
functions and small enough initial loss. It ensures an implicit regularization
towards a limit Neural ODE at rate 1 over N, uniformly with depth and
optimization time. As a byproduct of our analysis, we consider the use of a
memory-free discrete adjoint method to train a ResNet by recovering the
activations on the fly through a backward pass of the network, and show that
this method theoretically succeeds at large depth if the residual functions are
Lipschitz with the input. We then show that Heun's method, a second order ODE
integration scheme, allows for better gradient estimation with the adjoint
method when the residual functions are smooth with depth. We experimentally
validate that our adjoint method succeeds at large depth, and that Heun method
needs fewer layers to succeed. We finally use the adjoint method successfully
for fine-tuning very deep ResNets without memory consumption in the residual
layers. |
3,540 | Dynamic Graph Learning Based on Hierarchical Memory for Origin-Destination Demand Prediction | Recent years have witnessed a rapid growth of applying deep spatiotemporal
methods in traffic forecasting. However, the prediction of origin-destination
(OD) demands is still a challenging problem since the number of OD pairs is
usually quadratic to the number of stations. In this case, most of the existing
spatiotemporal methods fail to handle spatial relations on such a large scale.
To address this problem, this paper provides a dynamic graph representation
learning framework for OD demands prediction. In particular, a hierarchical
memory updater is first proposed to maintain a time-aware representation for
each node, and the representations are updated according to the most recently
observed OD trips in continuous-time and multiple discrete-time ways. Second, a
spatiotemporal propagation mechanism is provided to aggregate representations
of neighbor nodes along a random spatiotemporal route which treats origin and
destination as two different semantic entities. Last, an objective function is
designed to derive the future OD demands according to the most recent node
representations, and also to tackle the data sparsity problem in OD prediction.
Extensive experiments have been conducted on two real-world datasets, and the
experimental results demonstrate the superiority of the proposed method. The
code and data are available at https://github.com/Rising0321/HMOD. |
3,541 | An adaptive granularity clustering method based on hyper-ball | The purpose of cluster analysis is to classify elements according to their
similarity. Its applications range from astronomy to bioinformatics and pattern
recognition. Our method is based on the idea that the data with similar
distribution form a hyper-ball and the adjacent hyper-balls form a cluster.
Based on the cognitive law of "large scale first", this method can identify
clusters without considering shape in a simple and non-parametric way.
Experimental results on several datasets demonstrate the effectiveness of the
algorithm. |
3,542 | Joint Abductive and Inductive Neural Logical Reasoning | Neural logical reasoning (NLR) is a fundamental task in knowledge discovery
and artificial intelligence. NLR aims at answering multi-hop queries with
logical operations on structured knowledge bases based on distributed
representations of queries and answers. While previous neural logical reasoners
can give specific entity-level answers, i.e., perform inductive reasoning from
the perspective of logic theory, they are not able to provide descriptive
concept-level answers, i.e., perform abductive reasoning, where each concept is
a summary of a set of entities. In particular, the abductive reasoning task
attempts to infer the explanations of each query with descriptive concepts,
which make answers comprehensible to users and is of great usefulness in the
field of applied ontology. In this work, we formulate the problem of the joint
abductive and inductive neural logical reasoning (AI-NLR), solving which needs
to address challenges in incorporating, representing, and operating on
concepts. We propose an original solution named ABIN for AI-NLR. Firstly, we
incorporate description logic-based ontological axioms to provide the source of
concepts. Then, we represent concepts and queries as fuzzy sets, i.e., sets
whose elements have degrees of membership, to bridge concepts and queries with
entities. Moreover, we design operators involving concepts on top of the fuzzy
set representation of concepts and queries for optimization and inference.
Extensive experimental results on two real-world datasets demonstrate the
effectiveness of ABIN for AI-NLR. |
3,543 | Independent and Decentralized Learning in Markov Potential Games | We propose a multi-agent reinforcement learning dynamics, and analyze its
convergence properties in infinite-horizon discounted Markov potential games.
We focus on the independent and decentralized setting, where players can only
observe the realized state and their own reward in every stage. Players do not
have knowledge of the game model, and cannot coordinate with each other. In
each stage of our learning dynamics, players update their estimate of a
perturbed Q-function that evaluates their total contingent payoff based on the
realized one-stage reward in an asynchronous manner. Then, players
independently update their policies by incorporating a smoothed optimal
one-stage deviation strategy based on the estimated Q-function. A key feature
of the learning dynamics is that the Q-function estimates are updated at a
faster timescale than the policies. We prove that the policies induced by our
learning dynamics converge to a stationary Nash equilibrium in Markov potential
games with probability 1. Our results build on the theory of two timescale
asynchronous stochastic approximation, and new analysis on the monotonicity of
potential function along the trajectory of policy updates in Markov potential
games. |
3,544 | Masked Distillation with Receptive Tokens | Distilling from the feature maps can be fairly effective for dense prediction
tasks since both the feature discriminability and localization priors can be
well transferred. However, not every pixel contributes equally to the
performance, and a good student should learn from what really matters to the
teacher. In this paper, we introduce a learnable embedding dubbed receptive
token to localize those pixels of interests (PoIs) in the feature map, with a
distillation mask generated via pixel-wise attention. Then the distillation
will be performed on the mask via pixel-wise reconstruction. In this way, a
distillation mask actually indicates a pattern of pixel dependencies within
feature maps of teacher. We thus adopt multiple receptive tokens to investigate
more sophisticated and informative pixel dependencies to further enhance the
distillation. To obtain a group of masks, the receptive tokens are learned via
the regular task loss but with teacher fixed, and we also leverage a Dice loss
to enrich the diversity of learned masks. Our method dubbed MasKD is simple and
practical, and needs no priors of tasks in application. Experiments show that
our MasKD can achieve state-of-the-art performance consistently on object
detection and semantic segmentation benchmarks. Code is available at:
https://github.com/hunto/MasKD . |
3,545 | Learning Locality and Isotropy in Dialogue Modeling | Existing dialogue modeling methods have achieved promising performance on
various dialogue tasks with the aid of Transformer and the large-scale
pre-trained language models. However, some recent studies revealed that the
context representations produced by these methods suffer the problem of
anisotropy. In this paper, we find that the generated representations are also
not conversational, losing the conversation structure information during the
context modeling stage. To this end, we identify two properties in dialogue
modeling, i.e., locality and isotropy, and present a simple method for dialogue
representation calibration, namely SimDRC, to build isotropic and
conversational feature spaces. Experimental results show that our approach
significantly outperforms the current state-of-the-art models on three dialogue
tasks across the automatic and human evaluation metrics. More in-depth analyses
further confirm the effectiveness of our proposed approach. |
3,546 | 3D-C2FT: Coarse-to-fine Transformer for Multi-view 3D Reconstruction | Recently, the transformer model has been successfully employed for the
multi-view 3D reconstruction problem. However, challenges remain on designing
an attention mechanism to explore the multiview features and exploit their
relations for reinforcing the encoding-decoding modules. This paper proposes a
new model, namely 3D coarse-to-fine transformer (3D-C2FT), by introducing a
novel coarse-to-fine(C2F) attention mechanism for encoding multi-view features
and rectifying defective 3D objects. C2F attention mechanism enables the model
to learn multi-view information flow and synthesize 3D surface correction in a
coarse to fine-grained manner. The proposed model is evaluated by ShapeNet and
Multi-view Real-life datasets. Experimental results show that 3D-C2FT achieves
notable results and outperforms several competing models on these datasets. |
3,547 | Mean Field inference of CRFs based on GAT | In this paper we propose an improved mean-field inference algorithm for the
fully connected paired CRFs model. The improved method Message Passing
operation is changed from the original linear convolution to the present graph
attention operation, while the process of the inference algorithm is turned
into the forward process of the GAT model. Combined with the mean-field
inferred label distribution, it is equivalent to the output of a classifier
with only unary potential. To this end, we propose a graph attention network
model with residual structure, and the model approach is applicable to all
sequence annotation tasks, such as pixel-level image semantic segmentation
tasks as well as text annotation tasks. |
3,548 | No-regret Learning in Repeated First-Price Auctions with Budget Constraints | Recently the online advertising market has exhibited a gradual shift from
second-price auctions to first-price auctions. Although there has been a line
of works concerning online bidding strategies in first-price auctions, it still
remains open how to handle budget constraints in the problem. In the present
paper, we initiate the study for a buyer with budgets to learn online bidding
strategies in repeated first-price auctions. We propose an RL-based bidding
algorithm against the optimal non-anticipating strategy under stationary
competition. Our algorithm obtains $\widetilde O(\sqrt T)$-regret if the bids
are all revealed at the end of each round. With the restriction that the buyer
only sees the winning bid after each round, our modified algorithm obtains
$\widetilde O(T^{\frac{7}{12}})$-regret by techniques developed from survival
analysis. Our analysis extends to the more general scenario where the buyer has
any bounded instantaneous utility function with regrets of the same order. |
3,549 | Provable Benefits of Representational Transfer in Reinforcement Learning | We study the problem of representational transfer in RL, where an agent first
pretrains in a number of source tasks to discover a shared representation,
which is subsequently used to learn a good policy in a target task. We propose
a new notion of task relatedness between source and target tasks, and develop a
novel approach for representational transfer under this assumption. Concretely,
we show that given generative access to source tasks, we can discover a
representation, using which subsequent linear RL techniques quickly converge to
a near-optimal policy, with only online access to the target task.
The sample complexity is close to knowing the ground truth features in the
target task, and comparable to prior representation learning results in the
source tasks. We complement our positive results with lower bounds without
generative access, and validate our findings with empirical evaluation on rich
observation MDPs that require deep exploration. |
3,550 | AutoDisc: Automatic Distillation Schedule for Large Language Model Compression | Driven by the teacher-student paradigm, knowledge distillation is one of the
de facto ways for language model compression. Recent studies have uncovered
that conventional distillation is less effective when facing a large capacity
gap between the teacher and the student, and introduced teacher assistant-based
distillation to bridge the gap. As a connection, the scale and the performance
of the teacher assistant is crucial for transferring the knowledge from the
teacher to the student. However, existing teacher assistant-based methods
manually select the scale of the teacher assistant, which fails to identify the
teacher assistant with the optimal scale-performance tradeoff. To this end, we
propose an Automatic Distillation Schedule (AutoDisc) for large language model
compression. In particular, AutoDisc first specifies a set of teacher assistant
candidates at different scales with gridding and pruning, and then optimizes
all candidates in an once-for-all optimization with two approximations. The
best teacher assistant scale is automatically selected according to the
scale-performance tradeoff. AutoDisc is evaluated with an extensive set of
experiments on a language understanding benchmark GLUE. Experimental results
demonstrate the improved performance and applicability of our AutoDisc. We
further apply AutoDisc on a language model with over one billion parameters and
show the scalability of AutoDisc. |
3,551 | Calibrated Predictive Distributions via Diagnostics for Conditional Coverage | Uncertainty quantification is crucial for assessing the predictive ability of
AI algorithms. A large body of work (including normalizing flows and Bayesian
neural networks) has been devoted to describing the entire predictive
distribution (PD) of a target variable Y given input features $\mathbf{X}$.
However, off-the-shelf PDs are usually far from being conditionally calibrated;
i.e., the probability of occurrence of an event given input $\mathbf{X}$ can be
significantly different from the predicted probability. Most current research
on predictive inference (such as conformal prediction) concerns constructing
prediction sets, that do not only provide correct uncertainties on average over
the entire population (that is, averaging over $\mathbf{X}$), but that are also
approximately conditionally calibrated with accurate uncertainties for
individual instances. It is often believed that the problem of obtaining and
assessing entire conditionally calibrated PDs is too challenging to approach.
In this work, we show that recalibration as well as validation are indeed
attainable goals in practice. Our proposed method relies on the idea of
regressing probability integral transform (PIT) scores against $\mathbf{X}$.
This regression gives full diagnostics of conditional coverage across the
entire feature space and can be used to recalibrate misspecified PDs. We
benchmark our corrected prediction bands against oracle bands and
state-of-the-art predictive inference algorithms for synthetic data, including
settings with distributional shift and dependent high-dimensional sequence
data. Finally, we demonstrate an application to the physical sciences in which
we assess and produce calibrated PDs for measurements of galaxy distances using
imaging data (i.e., photometric redshifts). |
3,552 | Representation Gap in Deep Reinforcement Learning | Deep reinforcement learning gives the promise that an agent learns good
policy from high-dimensional information. Whereas representation learning
removes irrelevant and redundant information and retains pertinent information.
We consider the representation capacity of action value function and
theoretically reveal its inherent property, \textit{representation gap} with
its target action value function. This representation gap is favorable.
However, through illustrative experiments, we show that the representation of
action value function grows similarly compared with its target value function,
i.e. the undesirable inactivity of the representation gap
(\textit{representation overlap}). Representation overlap results in a loss of
representation capacity, which further leads to sub-optimal learning
performance. To activate the representation gap, we propose a simple but
effective framework \underline{P}olicy \underline{O}ptimization from
\underline{P}reventing \underline{R}epresentation \underline{O}verlaps (POPRO),
which regularizes the policy evaluation phase through differing the
representation of action value function from its target. We also provide the
convergence rate guarantee of POPRO. We evaluate POPRO on gym continuous
control suites. The empirical results show that POPRO using pixel inputs
outperforms or parallels the sample-efficiency of methods that use state-based
features. |
3,553 | A Model of One-Shot Generalization | We provide a theoretical framework to study a phenomenon that we call
one-shot generalization. This phenomenon refers to the ability of an algorithm
to perform transfer learning within a single task, meaning that it correctly
classifies a test point that has a single exemplar in the training set. We
propose a simple data model and use it to study this phenomenon in two ways.
First, we prove a non-asymptotic base-line -- kernel methods based on
nearest-neighbor classification cannot perform one-shot generalization,
independently of the choice of the kernel and the size of the training set.
Second, we empirically show that the most direct neural network architecture
for our data model performs one-shot generalization almost perfectly. This
stark differential leads us to believe that the one-shot generalization
mechanism is partially responsible for the empirical success of neural
networks. |
3,554 | Machine Learning for Microcontroller-Class Hardware -- A Review | The advancements in machine learning opened a new opportunity to bring
intelligence to the low-end Internet-of-Things nodes such as microcontrollers.
Conventional machine learning deployment has high memory and compute footprint
hindering their direct deployment on ultra resource-constrained
microcontrollers. This paper highlights the unique requirements of enabling
onboard machine learning for microcontroller class devices. Researchers use a
specialized model development workflow for resource-limited applications to
ensure the compute and latency budget is within the device limits while still
maintaining the desired performance. We characterize a closed-loop widely
applicable workflow of machine learning model development for microcontroller
class devices and show that several classes of applications adopt a specific
instance of it. We present both qualitative and numerical insights into
different stages of model development by showcasing several use cases. Finally,
we identify the open research challenges and unsolved questions demanding
careful considerations moving forward. |
3,555 | The Missing Invariance Principle Found -- the Reciprocal Twin of Invariant Risk Minimization | Machine learning models often generalize poorly to out-of-distribution (OOD)
data as a result of relying on features that are spuriously correlated with the
label during training. Recently, the technique of Invariant Risk Minimization
(IRM) was proposed to learn predictors that only use invariant features by
conserving the feature-conditioned class expectation $\mathbb{E}_e[y|f(x)]$
across environments. However, more recent studies have demonstrated that IRM
can fail in various task settings. Here, we identify a fundamental flaw of IRM
formulation that causes the failure. We then introduce a complementary notion
of invariance, MRI, that is based on conserving the class-conditioned feature
expectation $\mathbb{E}_e[f(x)|y]$ across environments, that corrects for the
flaw in IRM. Further, we introduce a simplified, practical version of the MRI
formulation called as MRI-v1. We note that this constraint is convex which
confers it with an advantage over the practical version of IRM, IRM-v1, which
imposes non-convex constraints. We prove that in a general linear problem
setting, MRI-v1 can guarantee invariant predictors given sufficient
environments. We also empirically demonstrate that MRI strongly out-performs
IRM and consistently achieves near-optimal OOD generalization in image-based
nonlinear problems. |
3,556 | Functional Linear Regression of CDFs | The estimation of cumulative distribution functions (CDF) is an important
learning task with a great variety of downstream applications, e.g., risk
assessments in predictions and decision making. We study functional regression
of contextual CDFs where each data point is sampled from a linear combination
of context dependent CDF bases. We propose estimation methods that estimate
CDFs accurately everywhere. In particular, given $n$ samples with $d$ bases, we
show estimation error upper bounds of $\widetilde O(\sqrt{d/n})$ for fixed
design, random design, and adversarial context cases. We also derive matching
information theoretic lower bounds, establishing minimax optimality for CDF
functional regression. To complete our study, we consider agnostic settings
where there is a mismatch in the data generation process. We characterize the
error of the proposed estimator in terms of the mismatched error, and show that
the estimator is well-behaved under model mismatch. |
3,557 | SupMAE: Supervised Masked Autoencoders Are Efficient Vision Learners | Self-supervised Masked Autoencoders (MAE) are emerging as a new pre-training
paradigm in computer vision. MAE learns semantics implicitly via reconstructing
local patches, requiring thousands of pre-training epochs to achieve favorable
performance. This paper incorporates explicit supervision, i.e., golden labels,
into the MAE framework. The proposed Supervised MAE (SupMAE) only exploits a
visible subset of image patches for classification, unlike the standard
supervised pre-training where all image patches are used. SupMAE is efficient
and can achieve comparable performance with MAE using only 30% compute when
evaluated on ImageNet with the ViT-B/16 model. Detailed ablation studies are
conducted to verify the proposed components. |
3,558 | Improving VAE-based Representation Learning | Latent variable models like the Variational Auto-Encoder (VAE) are commonly
used to learn representations of images. However, for downstream tasks like
semantic classification, the representations learned by VAE are less
competitive than other non-latent variable models. This has led to some
speculations that latent variable models may be fundamentally unsuitable for
representation learning. In this work, we study what properties are required
for good representations and how different VAE structure choices could affect
the learned properties. We show that by using a decoder that prefers to learn
local features, the remaining global features can be well captured by the
latent, which significantly improves performance of a downstream classification
task. We further apply the proposed model to semi-supervised learning tasks and
demonstrate improvements in data efficiency. |
3,559 | Group-wise Reinforcement Feature Generation for Optimal and Explainable Representation Space Reconstruction | Representation (feature) space is an environment where data points are
vectorized, distances are computed, patterns are characterized, and geometric
structures are embedded. Extracting a good representation space is critical to
address the curse of dimensionality, improve model generalization, overcome
data sparsity, and increase the availability of classic models. Existing
literature, such as feature engineering and representation learning, is limited
in achieving full automation (e.g., over heavy reliance on intensive labor and
empirical experiences), explainable explicitness (e.g., traceable
reconstruction process and explainable new features), and flexible optimal
(e.g., optimal feature space reconstruction is not embedded into downstream
tasks). Can we simultaneously address the automation, explicitness, and optimal
challenges in representation space reconstruction for a machine learning task?
To answer this question, we propose a group-wise reinforcement generation
perspective. We reformulate representation space reconstruction into an
interactive process of nested feature generation and selection, where feature
generation is to generate new meaningful and explicit features, and feature
selection is to eliminate redundant features to control feature sizes. We
develop a cascading reinforcement learning method that leverages three
cascading Markov Decision Processes to learn optimal generation policies to
automate the selection of features and operations and the feature crossing. We
design a group-wise generation strategy to cross a feature group, an operation,
and another feature group to generate new features and find the strategy that
can enhance exploration efficiency and augment reward signals of cascading
agents. Finally, we present extensive experiments to demonstrate the
effectiveness, efficiency, traceability, and explicitness of our system. |
3,560 | A Character-Level Length-Control Algorithm for Non-Autoregressive Sentence Summarization | Sentence summarization aims at compressing a long sentence into a short one
that keeps the main gist, and has extensive real-world applications such as
headline generation. In previous work, researchers have developed various
approaches to improve the ROUGE score, which is the main evaluation metric for
summarization, whereas controlling the summary length has not drawn much
attention. In our work, we address a new problem of explicit character-level
length control for summarization, and propose a dynamic programming algorithm
based on the Connectionist Temporal Classification (CTC) model. Results show
that our approach not only achieves higher ROUGE scores but also yields more
complete sentences. |
3,561 | Learning Non-Autoregressive Models from Search for Unsupervised Sentence Summarization | Text summarization aims to generate a short summary for an input text. In
this work, we propose a Non-Autoregressive Unsupervised Summarization (NAUS)
approach, which does not require parallel data for training. Our NAUS first
performs edit-based search towards a heuristically defined score, and generates
a summary as pseudo-groundtruth. Then, we train an encoder-only
non-autoregressive Transformer based on the search result. We also propose a
dynamic programming approach for length-control decoding, which is important
for the summarization task. Experiments on two datasets show that NAUS achieves
state-of-the-art performance for unsupervised summarization, yet largely
improving inference efficiency. Further, our algorithm is able to perform
explicit length-transfer summary generation. |
3,562 | Transfer Learning as a Method to Reproduce High-Fidelity NLTE Opacities in Simulations | Simulations of high-energy density physics often need non-local thermodynamic
equilibrium (NLTE) opacity data. This data, however, is expensive to produce at
relatively low-fidelity. It is even more so at high-fidelity such that the
opacity calculations can contribute ninety-five percent of the total
computation time. This proportion can even reach large proportions. Neural
networks can be used to replace the standard calculations of low-fidelity data,
and the neural networks can be trained to reproduce artificial, high-fidelity
opacity spectra. In this work, it is demonstrated that a novel neural network
architecture trained to reproduce high-fidelity krypton spectra through
transfer learning can be used in simulations. Further, it is demonstrated that
this can be done while achieving a relative percent error of the peak radiative
temperature of the hohlraum of approximately 1\% to 4\% while achieving a 19.4x
speed up. |
3,563 | History-Restricted Online Learning | We introduce the concept of history-restricted no-regret online learning
algorithms. An online learning algorithm $\mathcal{A}$ is
$M$-history-restricted if its output at time $t$ can be written as a function
of the $M$ previous rewards. This class of online learning algorithms is quite
natural to consider from many perspectives: they may be better models of human
agents and they do not store long-term information (thereby ensuring ``the
right to be forgotten''). We first demonstrate that a natural approach to
constructing history-restricted algorithms from mean-based no-regret learning
algorithms (e.g. running Hedge over the last $M$ rounds) fails, and that such
algorithms incur linear regret. We then construct a history-restricted
algorithm that achieves a per-round regret of $\Theta(1/\sqrt{M})$, which we
complement with a tight lower bound. Finally, we empirically explore
distributions where history-restricted online learners have favorable
performance compared to other no-regret algorithms. |
3,564 | Contributor-Aware Defenses Against Adversarial Backdoor Attacks | Deep neural networks for image classification are well-known to be vulnerable
to adversarial attacks. One such attack that has garnered recent attention is
the adversarial backdoor attack, which has demonstrated the capability to
perform targeted misclassification of specific examples. In particular,
backdoor attacks attempt to force a model to learn spurious relations between
backdoor trigger patterns and false labels. In response to this threat,
numerous defensive measures have been proposed; however, defenses against
backdoor attacks focus on backdoor pattern detection, which may be unreliable
against novel or unexpected types of backdoor pattern designs. We introduce a
novel re-contextualization of the adversarial setting, where the presence of an
adversary implicitly admits the existence of multiple database contributors.
Then, under the mild assumption of contributor awareness, it becomes possible
to exploit this knowledge to defend against backdoor attacks by destroying the
false label associations. We propose a contributor-aware universal defensive
framework for learning in the presence of multiple, potentially adversarial
data sources that utilizes semi-supervised ensembles and learning from crowds
to filter the false labels produced by adversarial triggers. Importantly, this
defensive strategy is agnostic to backdoor pattern design, as it functions
without needing -- or even attempting -- to perform either adversary
identification or backdoor pattern detection during either training or
inference. Our empirical studies demonstrate the robustness of the proposed
framework against adversarial backdoor attacks from multiple simultaneous
adversaries. |
3,565 | Additive Higher-Order Factorization Machines | In the age of big data and interpretable machine learning, approaches need to
work at scale and at the same time allow for a clear mathematical understanding
of the method's inner workings. While there exist inherently interpretable
semi-parametric regression techniques for large-scale applications to account
for non-linearity in the data, their model complexity is still often
restricted. One of the main limitations are missing interactions in these
models, which are not included for the sake of better interpretability, but
also due to untenable computational costs. To address this shortcoming, we
derive a scalable high-order tensor product spline model using a factorization
approach. Our method allows to include all (higher-order) interactions of
non-linear feature effects while having computational costs proportional to a
model without interactions. We prove both theoretically and empirically that
our methods scales notably better than existing approaches, derive meaningful
penalization schemes and also discuss further theoretical aspects. We finally
investigate predictive and estimation performance both with synthetic and real
data. |
3,566 | Core-set Selection Using Metrics-based Explanations (CSUME) for multiclass ECG | The adoption of deep learning-based healthcare decision support systems such
as the detection of irregular cardiac rhythm is hindered by challenges such as
lack of access to quality data and the high costs associated with the
collection and annotation of data. The collection and processing of large
volumes of healthcare data is a continuous process. The performance of
data-hungry Deep Learning models (DL) is highly dependent on the quantity and
quality of the data. While the need for data quantity has been established
through research adequately, we show how a selection of good quality data
improves deep learning model performance. In this work, we take
Electrocardiogram (ECG) data as a case study and propose a model performance
improvement methodology for algorithm developers, that selects the most
informative data samples from incoming streams of multi-class ECG data. Our
Core-Set selection methodology uses metrics-based explanations to select the
most informative ECG data samples. This also provides an understanding (for
algorithm developers) as to why a sample was selected as more informative over
others for the improvement of deep learning model performance. Our experimental
results show a 9.67% and 8.69% precision and recall improvement with a
significant training data volume reduction of 50%. Additionally, our proposed
methodology asserts the quality and annotation of ECG samples from incoming
data streams. It allows automatic detection of individual data samples that do
not contribute to model learning thus minimizing possible negative effects on
model performance. We further discuss the potential generalizability of our
approach by experimenting with a different dataset and deep learning
architecture. |
3,567 | Introducing Non-Linearity into Quantum Generative Models | The evolution of an isolated quantum system is linear, and hence quantum
algorithms are reversible, including those that utilize quantum circuits as
generative machine learning models. However, some of the most successful
classical generative models, such as those based on neural networks, involve
highly non-linear and thus non-reversible dynamics. In this paper, we explore
the effect of these dynamics in quantum generative modeling by introducing a
model that adds non-linear activations via a neural network structure onto the
standard Born Machine framework - the Quantum Neuron Born Machine (QNBM). To
achieve this, we utilize a previously introduced Quantum Neuron subroutine,
which is a repeat-until-success circuit with mid-circuit measurements and
classical control. After introducing the QNBM, we investigate how its
performance depends on network size, by training a 3-layer QNBM with 4 output
neurons and various input and hidden layer sizes. We then compare our
non-linear QNBM to the linear Quantum Circuit Born Machine (QCBM). We allocate
similar time and memory resources to each model, such that the only major
difference is the qubit overhead required by the QNBM. With gradient-based
training, we show that while both models can easily learn a trivial uniform
probability distribution, on a more challenging class of distributions, the
QNBM achieves an almost 3x smaller error rate than a QCBM with a similar number
of tunable parameters. We therefore provide evidence that suggests that
non-linearity is a useful resource in quantum generative models, and we put
forth the QNBM as a new model with good generative performance and potential
for quantum advantage. |
3,568 | Optimal Decision Diagrams for Classification | Decision diagrams for classification have some notable advantages over
decision trees, as their internal connections can be determined at training
time and their width is not bound to grow exponentially with their depth.
Accordingly, decision diagrams are usually less prone to data fragmentation in
internal nodes. However, the inherent complexity of training these classifiers
acted as a long-standing barrier to their widespread adoption. In this context,
we study the training of optimal decision diagrams (ODDs) from a mathematical
programming perspective. We introduce a novel mixed-integer linear programming
model for training and demonstrate its applicability for many datasets of
practical importance. Further, we show how this model can be easily extended
for fairness, parsimony, and stability notions. We present numerical analyses
showing that our model allows training ODDs in short computational times, and
that ODDs achieve better accuracy than optimal decision trees, while allowing
for improved stability without significant accuracy losses. |
3,569 | SuperVoice: Text-Independent Speaker Verification Using Ultrasound Energy in Human Speech | Voice-activated systems are integrated into a variety of desktop, mobile, and
Internet-of-Things (IoT) devices. However, voice spoofing attacks, such as
impersonation and replay attacks, in which malicious attackers synthesize the
voice of a victim or simply replay it, have brought growing security concerns.
Existing speaker verification techniques distinguish individual speakers via
the spectrographic features extracted from an audible frequency range of voice
commands. However, they often have high error rates and/or long delays. In this
paper, we explore a new direction of human voice research by scrutinizing the
unique characteristics of human speech at the ultrasound frequency band. Our
research indicates that the high-frequency ultrasound components (e.g. speech
fricatives) from 20 to 48 kHz can significantly enhance the security and
accuracy of speaker verification. We propose a speaker verification system,
SUPERVOICE that uses a two-stream DNN architecture with a feature fusion
mechanism to generate distinctive speaker models. To test the system, we create
a speech dataset with 12 hours of audio (8,950 voice samples) from 127
participants. In addition, we create a second spoofed voice dataset to evaluate
its security. In order to balance between controlled recordings and real-world
applications, the audio recordings are collected from two quiet rooms by 8
different recording devices, including 7 smartphones and an ultrasound
microphone. Our evaluation shows that SUPERVOICE achieves 0.58% equal error
rate in the speaker verification task, it only takes 120 ms for testing an
incoming utterance, outperforming all existing speaker verification systems.
Moreover, within 91 ms processing time, SUPERVOICE achieves 0% equal error rate
in detecting replay attacks launched by 5 different loudspeakers. |
3,570 | Task-Agnostic Continual Reinforcement Learning: In Praise of a Simple Baseline | We study task-agnostic continual reinforcement learning (TACRL) in which
standard RL challenges are compounded with partial observability stemming from
task agnosticism, as well as additional difficulties of continual learning
(CL), i.e., learning on a non-stationary sequence of tasks. Here we compare
TACRL methods with their soft upper bounds prescribed by previous literature:
multi-task learning (MTL) methods which do not have to deal with non-stationary
data distributions, as well as task-aware methods, which are allowed to operate
under full observability. We consider a previously unexplored and
straightforward baseline for TACRL, replay-based recurrent RL (3RL), in which
we augment an RL algorithm with recurrent mechanisms to address partial
observability and experience replay mechanisms to address catastrophic
forgetting in CL.
Studying empirical performance in a sequence of RL tasks, we find surprising
occurrences of 3RL matching and overcoming the MTL and task-aware soft upper
bounds. We lay out hypotheses that could explain this inflection point of
continual and task-agnostic learning research. Our hypotheses are empirically
tested in continuous control tasks via a large-scale study of the popular
multi-task and continual learning benchmark Meta-World. By analyzing different
training statistics including gradient conflict, we find evidence that 3RL's
outperformance stems from its ability to quickly infer how new tasks relate
with the previous ones, enabling forward transfer. |
3,571 | Noise-Aware Statistical Inference with Differentially Private Synthetic Data | While generation of synthetic data under differential privacy (DP) has
received a lot of attention in the data privacy community, analysis of
synthetic data has received much less. Existing work has shown that simply
analysing DP synthetic data as if it were real does not produce valid
inferences of population-level quantities. For example, confidence intervals
become too narrow, which we demonstrate with a simple experiment. We tackle
this problem by combining synthetic data analysis techniques from the field of
multiple imputation, and synthetic data generation using noise-aware Bayesian
modeling into a pipeline NA+MI that allows computing accurate uncertainty
estimates for population-level quantities from DP synthetic data. To implement
NA+MI for discrete data generation from marginal queries, we develop a novel
noise-aware synthetic data generation algorithm NAPSU-MQ using the principle of
maximum entropy. Our experiments demonstrate that the pipeline is able to
produce accurate confidence intervals from DP synthetic data. The intervals
become wider with tighter privacy to accurately capture the additional
uncertainty stemming from DP noise. |
3,572 | Happenstance: Utilizing Semantic Search to Track Russian State Media Narratives about the Russo-Ukrainian War On Reddit | In the buildup to and in the weeks following the Russian Federation's
invasion of Ukraine, Russian disinformation outlets output torrents of
misleading and outright false information. In this work, we study the
coordinated information campaign to understand the most prominent
disinformation narratives touted by the Russian government to English-speaking
audiences. To do this, we first perform sentence-level topic analysis using the
large-language model MPNet on articles published by nine different Russian
disinformation websites and the new Russian "fact-checking" website
waronfakes.com. We show that smaller websites like katehon.com were highly
effective at producing topics that were later echoed by other disinformation
sites. After analyzing the set of Russian information narratives, we analyze
their correspondence with narratives and topics of discussion on the r/Russia
and 10 other political subreddits. Using MPNet and a semantic search algorithm,
we map these subreddits' comments to the set of topics extracted from our set
of disinformation websites, finding that 39.6% of r/Russia comments
corresponded to narratives from Russian disinformation websites, compared to
8.86% on r/politics. |
3,573 | Efficient-Adam: Communication-Efficient Distributed Adam with Complexity Analysis | Distributed adaptive stochastic gradient methods have been widely used for
large-scale nonconvex optimization, such as training deep learning models.
However, their communication complexity on finding $\varepsilon$-stationary
points has rarely been analyzed in the nonconvex setting. In this work, we
present a novel communication-efficient distributed Adam in the
parameter-server model for stochastic nonconvex optimization, dubbed {\em
Efficient-Adam}. Specifically, we incorporate a two-way quantization scheme
into Efficient-Adam to reduce the communication cost between the workers and
server. Simultaneously, we adopt a two-way error feedback strategy to reduce
the biases caused by the two-way quantization on both the server and workers,
respectively. In addition, we establish the iteration complexity for the
proposed Efficient-Adam with a class of quantization operators, and further
characterize its communication complexity between the server and workers when
an $\varepsilon$-stationary point is achieved. Finally, we apply Efficient-Adam
to solve a toy stochastic convex optimization problem and train deep learning
models on real-world vision and language tasks. Extensive experiments together
with a theoretical guarantee justify the merits of Efficient Adam. |
3,574 | Parameter-Efficient and Student-Friendly Knowledge Distillation | Knowledge distillation (KD) has been extensively employed to transfer the
knowledge from a large teacher model to the smaller students, where the
parameters of the teacher are fixed (or partially) during training. Recent
studies show that this mode may cause difficulties in knowledge transfer due to
the mismatched model capacities. To alleviate the mismatch problem,
teacher-student joint training methods, e.g., online distillation, have been
proposed, but it always requires expensive computational cost. In this paper,
we present a parameter-efficient and student-friendly knowledge distillation
method, namely PESF-KD, to achieve efficient and sufficient knowledge transfer
by updating relatively few partial parameters. Technically, we first
mathematically formulate the mismatch as the sharpness gap between their
predictive distributions, where we show such a gap can be narrowed with the
appropriate smoothness of the soft label. Then, we introduce an adapter module
for the teacher and only update the adapter to obtain soft labels with
appropriate smoothness. Experiments on a variety of benchmarks show that
PESF-KD can significantly reduce the training cost while obtaining competitive
results compared to advanced online distillation methods. Code will be released
upon acceptance. |
3,575 | Divide to Adapt: Mitigating Confirmation Bias for Domain Adaptation of Black-Box Predictors | Domain Adaptation of Black-box Predictors (DABP) aims to learn a model on an
unlabeled target domain supervised by a black-box predictor trained on a source
domain. It does not require access to both the source-domain data and the
predictor parameters, thus addressing the data privacy and portability issues
of standard domain adaptation. Existing DABP approaches mostly rely on model
distillation from the black-box predictor, \emph{i.e.}, training the model with
its noisy target-domain predictions, which however inevitably introduces the
confirmation bias accumulated from the prediction noises. To mitigate such
bias, we propose a new method, named BETA, to incorporate knowledge
distillation and noisy label learning into one coherent framework. This is
enabled by a new divide-to-adapt strategy. BETA divides the target domain into
an easy-to-adapt subdomain with less noise and a hard-to-adapt subdomain. Then
it deploys mutually-teaching twin networks to filter the predictor errors for
each other and improve them progressively, from the easy to hard subdomains. As
such, BETA effectively purifies the noisy labels and reduces error
accumulation. We theoretically show that the target error of BETA is minimized
by decreasing the noise ratio of the subdomains. Extensive experiments
demonstrate BETA outperforms existing methods on all DABP benchmarks, and is
even comparable with the standard domain adaptation methods that use the
source-domain data. |
3,576 | ByteComp: Revisiting Gradient Compression in Distributed Training | Gradient compression (GC) is a promising approach to addressing the
communication bottleneck in distributed deep learning (DDL). However, it is
challenging to find the optimal compression strategy for applying GC to DDL
because of the intricate interactions among tensors. To fully unleash the
benefits of GC, two questions must be addressed: 1) How to express all
compression strategies and the corresponding interactions among tensors of any
DDL training job? 2) How to quickly select a near-optimal compression strategy?
In this paper, we propose ByteComp to answer these questions. It first designs
a decision tree abstraction to express all the compression strategies and
develops empirical models to timeline tensor computation, communication, and
compression to enable ByteComp to derive the intricate interactions among
tensors. It then designs a compression decision algorithm that analyzes tensor
interactions to eliminate and prioritize strategies and optimally offloads
compression to CPUs. Experimental evaluations show that ByteComp can improve
the training throughput over the start-of-the-art compression-enabled system by
up to 77% for representative DDL training jobs. Moreover, the computational
time needed to select the compression strategy is measured in milliseconds, and
the selected strategy is only a few percent from optimal. |
3,577 | Collaborative likelihood-ratio estimation over graphs | Assuming we have i.i.d observations from two unknown probability density
functions (pdfs), $p$ and $p'$, the likelihood-ratio estimation (LRE) is an
elegant approach to compare the two pdfs just by relying on the available data,
and without knowing the pdfs explicitly. In this paper we introduce a
graph-based extension of this problem: Suppose each node $v$ of a fixed graph
has access to observations coming from two unknown node-specific pdfs, $p_v$
and $p'_v$; the goal is then to compare the respective $p_v$ and $p'_v$ of each
node by also integrating information provided by the graph structure. This
setting is interesting when the graph conveys some sort of `similarity' between
the node-wise estimation tasks, which suggests that the nodes can collaborate
to solve more efficiently their individual tasks, while on the other hand
trying to limit the data sharing among them. Our main contribution is a
distributed non-parametric framework for graph-based LRE, called GRULSIF, that
incorporates in a novel way elements from f-divengence functionals, Kernel
methods, and Multitask Learning. Among the several applications of LRE, we
choose the two-sample hypothesis testing to develop a proof of concept for our
graph-based learning framework. Our experiments compare favorably the
performance of our approach against state-of-the-art non-parametric statistical
tests that apply at each node independently, and thus disregard the graph
structure. |
3,578 | Visual Perception of Building and Household Vulnerability from Streets | In developing countries, building codes often are outdated or not enforced.
As a result, a large portion of the housing stock is substandard and vulnerable
to natural hazards and climate related events. Assessing housing quality is key
to inform public policies and private investments. Standard assessment methods
are typically carried out only on a sample / pilot basis due to its high costs
or, when complete, tend to be obsolete due to the lack of compliance with
recommended updating standards or not accessible to most users with the level
of detail needed to take key policy or business decisions. Thus, we propose an
evaluation framework that is cost-efficient for first capture and future
updates, and is reliable at the block level. The framework complements existing
work of using street view imagery combined with deep learning to automatically
extract building information to assist the identification of housing
characteristics. We then check its potential for scalability and higher level
reliability. For that purpose, we create an index, which synthesises the
highest possible level of granularity of data at the housing unit and at the
household level at the block level, and assess whether the predictions made by
our model could be used to approximate vulnerability conditions with a lower
budget and in selected areas. Our results indicated that the predictions from
the images are clearly correlated with the index. |
3,579 | CyCLIP: Cyclic Contrastive Language-Image Pretraining | Recent advances in contrastive representation learning over paired image-text
data have led to models such as CLIP that achieve state-of-the-art performance
for zero-shot classification and distributional robustness. Such models
typically require joint reasoning in the image and text representation spaces
for downstream inference tasks. Contrary to prior beliefs, we demonstrate that
the image and text representations learned via a standard contrastive objective
are not interchangeable and can lead to inconsistent downstream predictions. To
mitigate this issue, we formalize consistency and propose CyCLIP, a framework
for contrastive representation learning that explicitly optimizes for the
learned representations to be geometrically consistent in the image and text
space. In particular, we show that consistent representations can be learned by
explicitly symmetrizing (a) the similarity between the two mismatched
image-text pairs (cross-modal consistency); and (b) the similarity between the
image-image pair and the text-text pair (in-modal consistency). Empirically, we
show that the improved consistency in CyCLIP translates to significant gains
over CLIP, with gains ranging from 10%-24% for zero-shot classification
accuracy on standard benchmarks (CIFAR-10, CIFAR-100, ImageNet1K) and 10%-27%
for robustness to various natural distribution shifts. The code is available at
https://github.com/goel-shashank/CyCLIP. |
3,580 | Variational Transformer: A Framework Beyond the Trade-off between Accuracy and Diversity for Image Captioning | Accuracy and Diversity are two essential metrizable manifestations in
generating natural and semantically correct captions. Many efforts have been
made to enhance one of them with another decayed due to the trade-off gap.
However, compromise does not make the progress. Decayed diversity makes the
captioner a repeater, and decayed accuracy makes it a fake advisor. In this
work, we exploit a novel Variational Transformer framework to improve accuracy
and diversity simultaneously. To ensure accuracy, we introduce the "Invisible
Information Prior" along with the "Auto-selectable GMM" to instruct the encoder
to learn the precise language information and object relation in different
scenes. To ensure diversity, we propose the "Range-Median Reward" baseline to
retain more diverse candidates with higher rewards during the RL-based training
process. Experiments show that our method achieves the simultaneous promotion
of accuracy (CIDEr) and diversity (self-CIDEr), up to 1.1 and 4.8 percent,
compared with the baseline. Also, our method outperforms others under the newly
proposed measurement of the trade-off gap, with at least 3.55 percent
promotion. |
3,581 | Stochastic Gradient Methods with Compressed Communication for Decentralized Saddle Point Problems | We propose two stochastic gradient algorithms to solve a class of
saddle-point problems in a decentralized setting (without a central server).
The proposed algorithms are the first to achieve sub-linear/linear computation
and communication complexities using respectively stochastic
gradient/stochastic variance reduced gradient oracles with compressed
information exchange to solve non-smooth strongly-convex strongly-concave
saddle-point problems in decentralized setting. Our first algorithm is a
Restart-based Decentralized Proximal Stochastic Gradient method with
Compression (C-RDPSG) for general stochastic settings. We provide rigorous
theoretical guarantees of C-RDPSG with gradient computation complexity and
communication complexity of order $\mathcal{O}( (1+\delta)^4
\frac{1}{L^2}{\kappa_f^2}\kappa_g^2 \frac{1}{\epsilon} )$, to achieve an
$\epsilon$-accurate saddle-point solution, where $\delta$ denotes the
compression factor, $\kappa_f$ and $\kappa_g$ denote respectively the condition
numbers of objective function and communication graph, and $L$ denotes the
smoothness parameter of the smooth part of the objective function. Next, we
present a Decentralized Proximal Stochastic Variance Reduced Gradient algorithm
with Compression (C-DPSVRG) for finite sum setting which exhibits gradient
computation complexity and communication complexity of order
$\mathcal{O}((1+\delta)\kappa_f^2 \kappa_g \log(\frac{1}{\epsilon}))$.
Extensive numerical experiments show competitive performance of the proposed
algorithms and provide support to the theoretical results obtained. |
3,582 | Looks Like Magic: Transfer Learning in GANs to Generate New Card Illustrations | In this paper, we propose MAGICSTYLEGAN and MAGICSTYLEGAN-ADA - both
incarnations of the state-of-the-art models StyleGan2 and StyleGan2 ADA - to
experiment with their capacity of transfer learning into a rather different
domain: creating new illustrations for the vast universe of the game "Magic:
The Gathering" cards. This is a challenging task especially due to the variety
of elements present in these illustrations, such as humans, creatures,
artifacts, and landscapes - not to mention the plethora of art styles of the
images made by various artists throughout the years. To solve the task at hand,
we introduced a novel dataset, named MTG, with thousands of illustration from
diverse card types and rich in metadata. The resulting set is a dataset
composed by a myriad of both realistic and fantasy-like illustrations.
Although, to investigate effects of diversity we also introduced subsets that
contain specific types of concepts, such as forests, islands, faces, and
humans. We show that simpler models, such as DCGANs, are not able to learn to
generate proper illustrations in any setting. On the other side, we train
instances of MAGICSTYLEGAN using all proposed subsets, being able to generate
high quality illustrations. We perform experiments to understand how well
pre-trained features from StyleGan2 can be transferred towards the target
domain. We show that in well trained models we can find particular instances of
noise vector that realistically represent real images from the dataset.
Moreover, we provide both quantitative and qualitative studies to support our
claims, and that demonstrate that MAGICSTYLEGAN is the state-of-the-art
approach for generating Magic illustrations. Finally, this paper highlights
some emerging properties regarding transfer learning in GANs, which is still a
somehow under-explored field in generative learning research. |
3,583 | Large-Scale Privacy-Preserving Network Embedding against Private Link Inference Attacks | Network embedding represents network nodes by a low-dimensional informative
vector. While it is generally effective for various downstream tasks, it may
leak some private information of networks, such as hidden private links. In
this work, we address a novel problem of privacy-preserving network embedding
against private link inference attacks. Basically, we propose to perturb the
original network by adding or removing links, and expect the embedding
generated on the perturbed network can leak little information about private
links but hold high utility for various downstream tasks. Towards this goal, we
first propose general measurements to quantify privacy gain and utility loss
incurred by candidate network perturbations; we then design a PPNE framework to
identify the optimal perturbation solution with the best privacy-utility
trade-off in an iterative way. Furthermore, we propose many techniques to
accelerate PPNE and ensure its scalability. For instance, as the skip-gram
embedding methods including DeepWalk and LINE can be seen as matrix
factorization with closed form embedding results, we devise efficient privacy
gain and utility loss approximation methods to avoid the repetitive
time-consuming embedding training for every candidate network perturbation in
each iteration. Experiments on real-life network datasets (with up to millions
of nodes) verify that PPNE outperforms baselines by sacrificing less utility
and obtaining higher privacy protection. |
3,584 | Laplace HypoPINN: Physics-Informed Neural Network for hypocenter localization and its predictive uncertainty | Several techniques have been proposed over the years for automatic hypocenter
localization. While those techniques have pros and cons that trade-off
computational efficiency and the susceptibility of getting trapped in local
minima, an alternate approach is needed that allows robust localization
performance and holds the potential to make the elusive goal of real-time
microseismic monitoring possible. Physics-informed neural networks (PINNs) have
appeared on the scene as a flexible and versatile framework for solving partial
differential equations (PDEs) along with the associated initial or boundary
conditions. We develop HypoPINN -- a PINN-based inversion framework for
hypocenter localization and introduce an approximate Bayesian framework for
estimating its predictive uncertainties. This work focuses on predicting the
hypocenter locations using HypoPINN and investigates the propagation of
uncertainties from the random realizations of HypoPINN's weights and biases
using the Laplace approximation. We train HypoPINN to obtain the optimized
weights for predicting hypocenter location. Next, we approximate the covariance
matrix at the optimized HypoPINN's weights for posterior sampling with the
Laplace approximation. The posterior samples represent various realizations of
HypoPINN's weights. Finally, we predict the locations of the hypocenter
associated with those weights' realizations to investigate the uncertainty
propagation that comes from those realisations. We demonstrate the features of
this methodology through several numerical examples, including using the Otway
velocity model based on the Otway project in Australia. |
3,585 | A Unified Weight Initialization Paradigm for Tensorial Convolutional Neural Networks | Tensorial Convolutional Neural Networks (TCNNs) have attracted much research
attention for their power in reducing model parameters or enhancing the
generalization ability. However, exploration of TCNNs is hindered even from
weight initialization methods. To be specific, general initialization methods,
such as Xavier or Kaiming initialization, usually fail to generate appropriate
weights for TCNNs. Meanwhile, although there are ad-hoc approaches for specific
architectures (e.g., Tensor Ring Nets), they are not applicable to TCNNs with
other tensor decomposition methods (e.g., CP or Tucker decomposition). To
address this problem, we propose a universal weight initialization paradigm,
which generalizes Xavier and Kaiming methods and can be widely applicable to
arbitrary TCNNs. Specifically, we first present the Reproducing Transformation
to convert the backward process in TCNNs to an equivalent convolution process.
Then, based on the convolution operators in the forward and backward processes,
we build a unified paradigm to control the variance of features and gradients
in TCNNs. Thus, we can derive fan-in and fan-out initialization for various
TCNNs. We demonstrate that our paradigm can stabilize the training of TCNNs,
leading to faster convergence and better results. |
3,586 | Go Beyond Multiple Instance Neural Networks: Deep-learning Models based on Local Pattern Aggregation | Deep convolutional neural networks (CNNs) have brought breakthroughs in
processing clinical electrocardiograms (ECGs), speaker-independent speech and
complex images. However, typical CNNs require a fixed input size while it is
common to process variable-size data in practical use. Recurrent networks such
as long short-term memory (LSTM) are capable of eliminating the restriction,
but suffer from high computational complexity. In this paper, we propose local
pattern aggregation-based deep-learning models to effectively deal with both
problems. The novel network structure, called LPANet, has cropping and
aggregation operations embedded into it. With these new features, LPANet can
reduce the difficulty of tuning model parameters and thus tend to improve
generalization performance. To demonstrate the effectiveness, we applied it to
the problem of premature ventricular contraction detection and the experimental
results shows that our proposed method has certain advantages compared to
classical network models, such as CNN and LSTM. |
3,587 | Approximation of Functionals by Neural Network without Curse of Dimensionality | In this paper, we establish a neural network to approximate functionals,
which are maps from infinite dimensional spaces to finite dimensional spaces.
The approximation error of the neural network is $O(1/\sqrt{m})$ where $m$ is
the size of networks, which overcomes the curse of dimensionality. The key idea
of the approximation is to define a Barron spectral space of functionals. |
3,588 | Fault-Aware Design and Training to Enhance DNNs Reliability with Zero-Overhead | Deep Neural Networks (DNNs) enable a wide series of technological
advancements, ranging from clinical imaging, to predictive industrial
maintenance and autonomous driving. However, recent findings indicate that
transient hardware faults may corrupt the models prediction dramatically. For
instance, the radiation-induced misprediction probability can be so high to
impede a safe deployment of DNNs models at scale, urging the need for efficient
and effective hardening solutions. In this work, we propose to tackle the
reliability issue both at training and model design time. First, we show that
vanilla models are highly affected by transient faults, that can induce a
performances drop up to 37%. Hence, we provide three zero-overhead solutions,
based on DNN re-design and re-train, that can improve DNNs reliability to
transient faults up to one order of magnitude. We complement our work with
extensive ablation studies to quantify the gain in performances of each
hardening component. |
3,589 | Non-stationary Transformers: Rethinking the Stationarity in Time Series Forecasting | Transformers have shown great power in time series forecasting due to their
global-range modeling ability. However, their performance can degenerate
terribly on non-stationary real-world data in which the joint distribution
changes over time. Previous studies primarily adopt stationarization to reduce
the non-stationarity of original series for better predictability. But the
stationarized series deprived of inherent non-stationarity can be less
instructive for real-world bursty events forecasting. This problem, termed
over-stationarization in this paper, leads Transformers to generate
indistinguishable temporal attentions for different series and impedes the
predictive capability of deep models. To tackle the dilemma between series
predictability and model capability, we propose Non-stationary Transformers as
a generic framework with two interdependent modules: Series Stationarization
and De-stationary Attention. Concretely, Series Stationarization unifies the
statistics of each input and converts the output with restored statistics for
better predictability. To address over-stationarization, De-stationary
Attention is devised to recover the intrinsic non-stationary information into
temporal dependencies by approximating distinguishable attentions learned from
unstationarized series. Our Non-stationary Transformers framework consistently
boosts mainstream Transformers by a large margin, which reduces 49.43% MSE on
Transformer, 47.34% on Informer, and 46.89% on Reformer, making them the
state-of-the-art in time series forecasting. |
3,590 | Multi-Source Transfer Learning for Deep Model-Based Reinforcement Learning | Recent progress in deep model-based reinforcement learning allows agents to
be significantly more sample efficient by constructing world models of
high-dimensional environments from visual observations, which enables agents to
learn complex behaviours in summarized lower-dimensional spaces. Reusing
knowledge from relevant previous tasks is another approach for achieving better
data-efficiency, which becomes especially more likely when information of
multiple previously learned tasks is accessible. We show that the simplified
representations of environments resulting from world models provide for
promising transfer learning opportunities, by introducing several methods that
facilitate world model agents to benefit from multi-source transfer learning.
Methods are proposed for autonomously extracting relevant knowledge from both
multi-task and multi-agent settings as multi-source origins, resulting in
substantial performance improvements compared to learning from scratch. We
introduce two additional novel techniques that enable and enhance the proposed
approaches respectively: fractional transfer learning and universal feature
spaces from a universal autoencoder. We demonstrate that our methods enable
transfer learning from different domains with different state, reward, and
action spaces by performing extensive and challenging multi-domain experiments
on Dreamer, the state-of-the-art world model based algorithm for visual
continuous control tasks. |
3,591 | Rethinking the Setting of Semi-supervised Learning on Graphs | We argue that the present setting of semisupervised learning on graphs may
result in unfair comparisons, due to its potential risk of over-tuning
hyper-parameters for models. In this paper, we highlight the significant
influence of tuning hyper-parameters, which leverages the label information in
the validation set to improve the performance. To explore the limit of
over-tuning hyperparameters, we propose ValidUtil, an approach to fully utilize
the label information in the validation set through an extra group of
hyper-parameters. With ValidUtil, even GCN can easily get high accuracy of
85.8% on Cora.
To avoid over-tuning, we merge the training set and the validation set and
construct an i.i.d. graph benchmark (IGB) consisting of 4 datasets. Each
dataset contains 100 i.i.d. graphs sampled from a large graph to reduce the
evaluation variance. Our experiments suggest that IGB is a more stable
benchmark than previous datasets for semisupervised learning on graphs. |
3,592 | Snapture -- A Novel Neural Architecture for Combined Static and Dynamic Hand Gesture Recognition | As robots are expected to get more involved in people's everyday lives,
frameworks that enable intuitive user interfaces are in demand. Hand gesture
recognition systems provide a natural way of communication and, thus, are an
integral part of seamless Human-Robot Interaction (HRI). Recent years have
witnessed an immense evolution of computational models powered by deep
learning. However, state-of-the-art models fall short in expanding across
different gesture domains, such as emblems and co-speech. In this paper, we
propose a novel hybrid hand gesture recognition system. Our architecture
enables learning both static and dynamic gestures: by capturing a so-called
"snapshot" of the gesture performance at its peak, we integrate the hand pose
along with the dynamic movement. Moreover, we present a method for analyzing
the motion profile of a gesture to uncover its dynamic characteristics and
which allows regulating a static channel based on the amount of motion. Our
evaluation demonstrates the superiority of our approach on two gesture
benchmarks compared to a CNNLSTM baseline. We also provide an analysis on a
gesture class basis that unveils the potential of our Snapture architecture for
performance improvements. Thanks to its modular implementation, our framework
allows the integration of other multimodal data like facial expressions and
head tracking, which are important cues in HRI scenarios, into one
architecture. Thus, our work contributes both to gesture recognition research
and machine learning applications for non-verbal communication with robots. |
3,593 | Deep Learning-based Spatially Explicit Emulation of an Agent-Based Simulator for Pandemic in a City | Agent-Based Models are very useful for simulation of physical or social
processes, such as the spreading of a pandemic in a city. Such models proceed
by specifying the behavior of individuals (agents) and their interactions, and
parameterizing the process of infection based on such interactions based on the
geography and demography of the city. However, such models are computationally
very expensive, and the complexity is often linear in the total number of
agents. This seriously limits the usage of such models for simulations, which
often have to be run hundreds of times for policy planning and even model
parameter estimation. An alternative is to develop an emulator, a surrogate
model that can predict the Agent-Based Simulator's output based on its initial
conditions and parameters. In this paper, we discuss a Deep Learning model
based on Dilated Convolutional Neural Network that can emulate such an agent
based model with high accuracy. We show that use of this model instead of the
original Agent-Based Model provides us major gains in the speed of simulations,
allowing much quicker calibration to observations, and more extensive scenario
analysis. The models we consider are spatially explicit, as the locations of
the infected individuals are simulated instead of the gross counts. Another
aspect of our emulation framework is its divide-and-conquer approach that
divides the city into several small overlapping blocks and carries out the
emulation in them parallelly, after which these results are merged together.
This ensures that the same emulator can work for a city of any size, and also
provides significant improvement of time complexity of the emulator, compared
to the original simulator. |
3,594 | WaveMix-Lite: A Resource-efficient Neural Network for Image Analysis | Gains in the ability to generalize on image analysis tasks for neural
networks have come at the cost of increased number of parameters and layers,
dataset sizes, training and test computations, and GPU RAM. We introduce a new
architecture -- WaveMix-Lite -- that can generalize on par with contemporary
transformers and convolutional neural networks (CNNs) while needing fewer
resources. WaveMix-Lite uses 2D-discrete wavelet transform to efficiently mix
spatial information from pixels. WaveMix-Lite seems to be a versatile and
scalable architectural framework that can be used for multiple vision tasks,
such as image classification and semantic segmentation, without requiring
significant architectural changes, unlike transformers and CNNs. It is able to
meet or exceed several accuracy benchmarks while training on a single GPU. For
instance, it achieves state-of-the-art accuracy on five EMNIST datasets,
outperforms CNNs and transformers in ImageNet-1K (64$\times$64 images), and
achieves an mIoU of 75.32 % on Cityscapes validation set, while using less than
one-fifth the number parameters and half the GPU RAM of comparable CNNs or
transformers. Our experiments show that while the convolutional elements of
neural architectures exploit the shift-invariance property of images, new types
of layers (e.g., wavelet transform) can exploit additional properties of
images, such as scale-invariance and finite spatial extents of objects. |
3,595 | Syntax-Guided Program Reduction for Understanding Neural Code Intelligence Models | Neural code intelligence (CI) models are opaque black-boxes and offer little
insight on the features they use in making predictions. This opacity may lead
to distrust in their prediction and hamper their wider adoption in
safety-critical applications. Recently, input program reduction techniques have
been proposed to identify key features in the input programs to improve the
transparency of CI models. However, this approach is syntax-unaware and does
not consider the grammar of the programming language. In this paper, we apply a
syntax-guided program reduction technique that considers the grammar of the
input programs during reduction. Our experiments on multiple models across
different types of input programs show that the syntax-guided program reduction
technique is faster and provides smaller sets of key tokens in reduced
programs. We also show that the key tokens could be used in generating
adversarial examples for up to 65% of the input programs. |
3,596 | Going Deeper into Permutation-Sensitive Graph Neural Networks | The invariance to permutations of the adjacency matrix, i.e., graph
isomorphism, is an overarching requirement for Graph Neural Networks (GNNs).
Conventionally, this prerequisite can be satisfied by the invariant operations
over node permutations when aggregating messages. However, such an invariant
manner may ignore the relationships among neighboring nodes, thereby hindering
the expressivity of GNNs. In this work, we devise an efficient
permutation-sensitive aggregation mechanism via permutation groups, capturing
pairwise correlations between neighboring nodes. We prove that our approach is
strictly more powerful than the 2-dimensional Weisfeiler-Lehman (2-WL) graph
isomorphism test and not less powerful than the 3-WL test. Moreover, we prove
that our approach achieves the linear sampling complexity. Comprehensive
experiments on multiple synthetic and real-world datasets demonstrate the
superiority of our model. |
3,597 | Granular Generalized Variable Precision Rough Sets and Rational Approximations | Rational approximations are introduced and studied in granular graded sets
and generalizations thereof by the first author in recent research papers. The
concept of rationality is determined by related ontologies and coherence
between granularity, parthood perspective and approximations used in the
context. In addition, a framework is introduced by her in the mentioned
paper(s). Granular approximations constructed as per the procedures of VPRS are
likely to be more rational than those constructed from a classical perspective
under certain conditions. This may continue to hold for some generalizations of
the former; however, a formal characterization of such conditions is not
available in the previously published literature. In this research, theoretical
aspects of the problem are critically examined, uniform generalizations of
granular VPRS are introduced, new connections with granular graded rough sets
are proved, appropriate concepts of substantial parthood are introduced, and
their extent of compatibility with the framework is accessed. Furthermore, meta
applications to cluster validation, image segmentation and dynamic sorting are
invented. Basic assumptions made are explained, and additional examples are
constructed for readability. |
3,598 | Fair Labeled Clustering | Numerous algorithms have been produced for the fundamental problem of
clustering under many different notions of fairness. Perhaps the most common
family of notions currently studied is group fairness, in which proportional
group representation is ensured in every cluster. We extend this direction by
considering the downstream application of clustering and how group fairness
should be ensured for such a setting. Specifically, we consider a common
setting in which a decision-maker runs a clustering algorithm, inspects the
center of each cluster, and decides an appropriate outcome (label) for its
corresponding cluster. In hiring for example, there could be two outcomes,
positive (hire) or negative (reject), and each cluster would be assigned one of
these two outcomes. To ensure group fairness in such a setting, we would desire
proportional group representation in every label but not necessarily in every
cluster as is done in group fair clustering. We provide algorithms for such
problems and show that in contrast to their NP-hard counterparts in group fair
clustering, they permit efficient solutions. We also consider a well-motivated
alternative setting where the decision-maker is free to assign labels to the
clusters regardless of the centers' positions in the metric space. We show that
this setting exhibits interesting transitions from computationally hard to easy
according to additional constraints on the problem. Moreover, when the
constraint parameters take on natural values we show a randomized algorithm for
this setting that always achieves an optimal clustering and satisfies the
fairness constraints in expectation. Finally, we run experiments on real world
datasets that validate the effectiveness of our algorithms. |
3,599 | Estimation of 3D Body Shape and Clothing Measurements from Frontal- and Side-view Images | The estimation of 3D human body shape and clothing measurements is crucial
for virtual try-on and size recommendation problems in the fashion industry but
has always been a challenging problem due to several conditions, such as lack
of publicly available realistic datasets, ambiguity in multiple camera
resolutions, and the undefinable human shape space. Existing works proposed
various solutions to these problems but could not succeed in the industry
adaptation because of complexity and restrictions. To solve the complexity and
challenges, in this paper, we propose a simple yet effective architecture to
estimate both shape and measures from frontal- and side-view images. We utilize
silhouette segmentation from the two multi-view images and implement an
auto-encoder network to learn low-dimensional features from segmented
silhouettes. Then, we adopt a kernel-based regularized regression module to
estimate the body shape and measurements. The experimental results show that
the proposed method provides competitive results on the synthetic dataset,
NOMO-3d-400-scans Dataset, and RGB Images of humans captured in different
cameras. |
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.