Unnamed: 0.1
int64 0
113k
| Unnamed: 0
float64 0
113k
⌀ | title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|---|---|
108,700 | 108,700 |
Localized Vision-Language Matching for Open-vocabulary Object Detection
|
In this work, we propose an open-world object detection method that, based on
image-caption pairs, learns to detect novel object classes along with a given
set of known classes. It is a two-stage training approach that first uses a
location-guided image-caption matching technique to learn class labels for both
novel and known classes in a weakly-supervised manner and second specializes
the model for the object detection task using known class annotations. We show
that a simple language model fits better than a large contextualized language
model for detecting novel objects. Moreover, we introduce a
consistency-regularization technique to better exploit image-caption pair
information. Our method compares favorably to existing open-world detection
approaches while being data-efficient.
|
108,701 | 108,701 |
A Generalist Agent
|
Inspired by progress in large-scale language modeling, we apply a similar
approach towards building a single generalist agent beyond the realm of text
outputs. The agent, which we refer to as Gato, works as a multi-modal,
multi-task, multi-embodiment generalist policy. The same network with the same
weights can play Atari, caption images, chat, stack blocks with a real robot
arm and much more, deciding based on its context whether to output text, joint
torques, button presses, or other tokens. In this report we describe the model
and the data, and document the current capabilities of Gato.
|
108,702 | 108,702 |
Ensemble Classifier Design Tuned to Dataset Characteristics for Network
Intrusion Detection
|
Machine Learning-based supervised approaches require highly customized and
fine-tuned methodologies to deliver outstanding performance. This paper
presents a dataset-driven design and performance evaluation of a machine
learning classifier for the network intrusion dataset UNSW-NB15. Analysis of
the dataset suggests that it suffers from class representation imbalance and
class overlap in the feature space. We employed ensemble methods using Balanced
Bagging (BB), eXtreme Gradient Boosting (XGBoost), and Random Forest empowered
by Hellinger Distance Decision Tree (RF-HDDT). BB and XGBoost are tuned to
handle the imbalanced data, and Random Forest (RF) classifier is supplemented
by the Hellinger metric to address the imbalance issue. Two new algorithms are
proposed to address the class overlap issue in the dataset. These two
algorithms are leveraged to help improve the performance of the testing dataset
by modifying the final classification decision made by three base classifiers
as part of the ensemble classifier which employs a majority vote combiner. The
proposed design is evaluated for both binary and multi-category classification.
Comparing the proposed model to those reported on the same dataset in the
literature demonstrate that the proposed model outperforms others by a
significant margin for both binary and multi-category classification cases.
|
108,703 | 108,703 |
Improved Meta Learning for Low Resource Speech Recognition
|
We propose a new meta learning based framework for low resource speech
recognition that improves the previous model agnostic meta learning (MAML)
approach. The MAML is a simple yet powerful meta learning approach. However,
the MAML presents some core deficiencies such as training instabilities and
slower convergence speed. To address these issues, we adopt multi-step loss
(MSL). The MSL aims to calculate losses at every step of the inner loop of MAML
and then combines them with a weighted importance vector. The importance vector
ensures that the loss at the last step has more importance than the previous
steps. Our empirical evaluation shows that MSL significantly improves the
stability of the training procedure and it thus also improves the accuracy of
the overall system. Our proposed system outperforms MAML based low resource ASR
system on various languages in terms of character error rates and stable
training behavior.
|
108,704 | 108,704 |
Image Segmentation with Topological Priors
|
Solving segmentation tasks with topological priors proved to make fewer
errors in fine-scale structures. In this work, we use topological priors both
before and during the deep neural network training procedure. We compared the
results of the two approaches with simple segmentation on various accuracy
metrics and the Betti number error, which is directly related to topological
correctness, and discovered that incorporating topological information into the
classical UNet model performed significantly better. We conducted experiments
on the ISBI EM segmentation dataset.
|
108,705 | 108,705 |
Embodied vision for learning object representations
|
Recent time-contrastive learning approaches manage to learn invariant object
representations without supervision. This is achieved by mapping successive
views of an object onto close-by internal representations. When considering
this learning approach as a model of the development of human object
recognition, it is important to consider what visual input a toddler would
typically observe while interacting with objects. First, human vision is highly
foveated, with high resolution only available in the central region of the
field of view. Second, objects may be seen against a blurry background due to
infants' limited depth of field. Third, during object manipulation a toddler
mostly observes close objects filling a large part of the field of view due to
their rather short arms. Here, we study how these effects impact the quality of
visual representations learnt through time-contrastive learning. To this end,
we let a visually embodied agent "play" with objects in different locations of
a near photo-realistic flat. During each play session the agent views an object
in multiple orientations before turning its body to view another object. The
resulting sequence of views feeds a time-contrastive learning algorithm. Our
results show that visual statistics mimicking those of a toddler improve object
recognition accuracy in both familiar and novel environments. We argue that
this effect is caused by the reduction of features extracted in the background,
a neural network bias for large features in the image and a greater similarity
between novel and familiar background regions. We conclude that the embodied
nature of visual learning may be crucial for understanding the development of
human object perception.
|
108,706 | 108,706 |
kNN-Embed: Locally Smoothed Embedding Mixtures For Multi-interest
Candidate Retrieval
|
Candidate generation is the first stage in recommendation systems, where a
light-weight system is used to retrieve potentially relevant items for an input
user. These candidate items are then ranked and pruned in later stages of
recommender systems using a more complex ranking model. Since candidate
generation is the top of the recommendation funnel, it is important to retrieve
a high-recall candidate set to feed into downstream ranking models. A common
approach for candidate generation is to leverage approximate nearest neighbor
(ANN) search from a single dense query embedding; however, this approach this
can yield a low-diversity result set with many near duplicates. As users often
have multiple interests, candidate retrieval should ideally return a diverse
set of candidates reflective of the user's multiple interests. To this end, we
introduce kNN-Embed, a general approach to improving diversity in dense
ANN-based retrieval. kNN-Embed represents each user as a smoothed mixture over
learned item clusters that represent distinct `interests' of the user. By
querying each of a user's mixture component in proportion to their mixture
weights, we retrieve a high-diversity set of candidates reflecting elements
from each of a user's interests. We experimentally compare kNN-Embed to
standard ANN candidate retrieval, and show significant improvements in overall
recall and improved diversity across three datasets. Accompanying this work, we
open source a large Twitter follow-graph dataset, to spur further research in
graph-mining and representation learning for recommender systems.
|
108,707 | 108,707 |
Contingency-constrained economic dispatch with safe reinforcement
learning
|
Future power systems will rely heavily on micro grids with a high share of
decentralised renewable energy sources and energy storage systems. The high
complexity and uncertainty in this context might make conventional power
dispatch strategies infeasible. Reinforcement-learning based (RL) controllers
can address this challenge, however, cannot themselves provide safety
guarantees, preventing their deployment in practice. To overcome this
limitation, we propose a formally validated RL controller for economic
dispatch. We extend conventional constraints by a time-dependent constraint
encoding the islanding contingency. The contingency constraint is computed
using set-based backwards reachability analysis and actions of the RL agent are
verified through a safety layer. Unsafe actions are projected into the safe
action space while leveraging constrained zonotope set representations for
computational efficiency. The developed approach is demonstrated on a
residential use case using real-world measurements.
|
108,708 | 108,708 |
Exploiting symmetry in variational quantum machine learning
|
Variational quantum machine learning is an extensively studied application of
near-term quantum computers. The success of variational quantum learning models
crucially depends on finding a suitable parametrization of the model that
encodes an inductive bias relevant to the learning task. However, precious
little is known about guiding principles for the construction of suitable
parametrizations. In this work, we holistically explore when and how symmetries
of the learning problem can be exploited to construct quantum learning models
with outcomes invariant under the symmetry of the learning task. Building on
tools from representation theory, we show how a standard gateset can be
transformed into an equivariant gateset that respects the symmetries of the
problem at hand through a process of gate symmetrization. We benchmark the
proposed methods on two toy problems that feature a non-trivial symmetry and
observe a substantial increase in generalization performance. As our tools can
also be applied in a straightforward way to other variational problems with
symmetric structure, we show how equivariant gatesets can be used in
variational quantum eigensolvers.
|
108,709 | 108,709 |
Delving into High-Quality Synthetic Face Occlusion Segmentation Datasets
|
This paper performs comprehensive analysis on datasets for occlusion-aware
face segmentation, a task that is crucial for many downstream applications. The
collection and annotation of such datasets are time-consuming and
labor-intensive. Although some efforts have been made in synthetic data
generation, the naturalistic aspect of data remains less explored. In our
study, we propose two occlusion generation techniques, Naturalistic Occlusion
Generation (NatOcc), for producing high-quality naturalistic synthetic occluded
faces; and Random Occlusion Generation (RandOcc), a more general synthetic
occluded data generation method. We empirically show the effectiveness and
robustness of both methods, even for unseen occlusions. To facilitate model
evaluation, we present two high-resolution real-world occluded face datasets
with fine-grained annotations, RealOcc and RealOcc-Wild, featuring both careful
alignment preprocessing and an in-the-wild setting for robustness test. We
further conduct a comprehensive analysis on a newly introduced segmentation
benchmark, offering insights for future exploration.
|
108,710 | 108,710 |
The Mechanism of Prediction Head in Non-contrastive Self-supervised
Learning
|
Recently the surprising discovery of the Bootstrap Your Own Latent (BYOL)
method by Grill et al. shows the negative term in contrastive loss can be
removed if we add the so-called prediction head to the network. This initiated
the research of non-contrastive self-supervised learning. It is mysterious why
even when there exist trivial collapsed global optimal solutions, neural
networks trained by (stochastic) gradient descent can still learn competitive
representations. This phenomenon is a typical example of implicit bias in deep
learning and remains little understood.
In this work, we present our empirical and theoretical discoveries on
non-contrastive self-supervised learning. Empirically, we find that when the
prediction head is initialized as an identity matrix with only its off-diagonal
entries being trainable, the network can learn competitive representations even
though the trivial optima still exist in the training objective. Theoretically,
we present a framework to understand the behavior of the trainable, but
identity-initialized prediction head. Under a simple setting, we characterized
the substitution effect and acceleration effect of the prediction head. The
substitution effect happens when learning the stronger features in some neurons
can substitute for learning these features in other neurons through updating
the prediction head. And the acceleration effect happens when the substituted
features can accelerate the learning of other weaker features to prevent them
from being ignored. These two effects enable the neural networks to learn all
the features rather than focus only on learning the stronger features, which is
likely the cause of the dimensional collapse phenomenon. To the best of our
knowledge, this is also the first end-to-end optimization guarantee for
non-contrastive methods using nonlinear neural networks with a trainable
prediction head and normalization.
|
108,711 | 108,711 |
SIBILA: High-performance computing and interpretable machine learning
join efforts toward personalised medicine in a novel decision-making tool
|
Background and Objectives: Personalised medicine remains a major challenge
for scientists. The rapid growth of Machine learning and Deep learning has made
it a feasible alternative for predicting the most appropriate therapy for
individual patients. However, the lack of interpretation of their results and
high computational requirements make many reluctant to use these methods.
Methods: Several Machine learning and Deep learning models have been
implemented into a single software tool, SIBILA. Once the models are trained,
SIBILA applies a range of interpretability methods to identify the input
features that each model considered the most important to predict. In addition,
all the features obtained are put in common to estimate the global attribution
of each variable to the predictions. To facilitate its use by non-experts,
SIBILA is also available to all users free of charge as a web server at
https://bio-hpc.ucam.edu/sibila/.
Results: SIBILA has been applied to three case studies to show its accuracy
and efficiency in classification and regression problems. The first two cases
proved that SIBILA can make accurate predictions even on uncleaned datasets.
The last case demonstrates that SIBILA can be applied to medical contexts with
real data.
Conclusion: With the aim of becoming a powerful decision-making tool for
clinicians, SIBILA has been developed. SIBILA is a novel software tool that
leverages interpretable machine learning to make accurate predictions and
explain how models made those decisions. SIBILA can be run on high-performance
computing platforms, drastically reducing computing times.
|
108,712 | 108,712 |
ELODI: Ensemble Logit Difference Inhibition for Positive-Congruent
Training
|
Negative flips are errors introduced in a classification system when a legacy
model is replaced with a new one. Existing methods to reduce the negative flip
rate (NFR) either do so at the expense of overall accuracy using model
distillation, or use ensembles, which multiply inference cost prohibitively. We
present a method to train a classification system that achieves paragon
performance in both error rate and NFR, at the inference cost of a single
model. Our method introduces a generalized distillation objective, Logit
Difference Inhibition (LDI), that penalizes changes in the logits between the
new and old model, without forcing them to coincide as in ordinary
distillation. LDI affords the model flexibility to reduce error rate along with
NFR. The method uses a homogeneous ensemble as the reference model for LDI,
hence the name Ensemble LDI, or ELODI. The reference model can then be
substituted with a single model at inference time. The method leverages the
observation that negative flips are typically not close to the decision
boundary, but often exhibit large deviations in the distance among their
logits, which are reduced by ELODI.
|
108,713 | 108,713 |
Topologically-Aware Deformation Fields for Single-View 3D Reconstruction
|
We present a framework for learning 3D object shapes and dense cross-object
3D correspondences from just an unaligned category-specific image collection.
The 3D shapes are generated implicitly as deformations to a category-specific
signed distance field and are learned in an unsupervised manner solely from
unaligned image collections and their poses without any 3D supervision.
Generally, image collections on the internet contain several intra-category
geometric and topological variations, for example, different chairs can have
different topologies, which makes the task of joint shape and correspondence
estimation much more challenging. Because of this, prior works either focus on
learning each 3D object shape individually without modeling cross-instance
correspondences or perform joint shape and correspondence estimation on
categories with minimal intra-category topological variations. We overcome
these restrictions by learning a topologically-aware implicit deformation field
that maps a 3D point in the object space to a higher dimensional point in the
category-specific canonical space. At inference time, given a single image, we
reconstruct the underlying 3D shape by first implicitly deforming each 3D point
in the object space to the learned category-specific canonical space using the
topologically-aware deformation field and then reconstructing the 3D shape as a
canonical signed distance field. Both canonical shape and deformation field are
learned end-to-end in an inverse-graphics fashion using a learned recurrent ray
marcher (SRN) as a differentiable rendering module. Our approach, dubbed TARS,
achieves state-of-the-art reconstruction fidelity on several datasets:
ShapeNet, Pascal3D+, CUB, and Pix3D chairs. Result videos and code at
https://shivamduggal4.github.io/tars-3D/
|
108,714 | 108,714 |
Adaptive Block Floating-Point for Analog Deep Learning Hardware
|
Analog mixed-signal (AMS) devices promise faster, more energy-efficient deep
neural network (DNN) inference than their digital counterparts. However, recent
studies show that DNNs on AMS devices with fixed-point numbers can incur an
accuracy penalty because of precision loss. To mitigate this penalty, we
present a novel AMS-compatible adaptive block floating-point (ABFP) number
representation. We also introduce amplification (or gain) as a method for
increasing the accuracy of the number representation without increasing the bit
precision of the output. We evaluate the effectiveness of ABFP on the DNNs in
the MLPerf datacenter inference benchmark -- realizing less than $1\%$ loss in
accuracy compared to FLOAT32. We also propose a novel method of finetuning for
AMS devices, Differential Noise Finetuning (DNF), which samples device noise to
speed up finetuning compared to conventional Quantization-Aware Training.
|
108,715 | 108,715 |
Integrating User and Item Reviews in Deep Cooperative Neural Networks
for Movie Ranking Prediction
|
User evaluations include a significant quantity of information across online
platforms. This information source has been neglected by the majority of
existing recommendation systems, despite its potential to ease the sparsity
issue and enhance the quality of suggestions. This work presents a deep model
for concurrently learning item attributes and user behaviour from review text.
Deep Cooperative Neural Network (DeepCoNN) is the suggested model consisting of
two parallel neural networks connected in their final layers. One of the
networks focuses on learning user behaviour from reviews submitted by the user,
while the other network learns item attributes from user reviews. On top, a
shared layer is added to connect these two networks. Similar to factorization
machine approaches, the shared layer allows latent factors acquired for people
and things to interact with each other. On a number of datasets, DeepCoNN
surpasses all baseline recommendation systems, according to experimental
findings.
|
108,716 | 108,716 |
Improving Sequential Query Recommendation with Immediate User Feedback
|
We propose an algorithm for next query recommendation in interactive data
exploration settings, like knowledge discovery for information gathering. The
state-of-the-art query recommendation algorithms are based on
sequence-to-sequence learning approaches that exploit historical interaction
data. We propose to augment the transformer-based causal language models for
query recommendations to adapt to the immediate user feedback using multi-armed
bandit (MAB) framework. We conduct a large-scale experimental study using log
files from a popular online literature discovery service and demonstrate that
our algorithm improves the cumulative regret substantially, with respect to the
state-of-the-art transformer-based query recommendation models, which do not
make use of the immediate user feedback. Our data model and source code are
available at ~\url{https://anonymous.4open.science/r/exp3_ss-9985/}.
|
108,717 | 108,717 |
Using Natural Sentences for Understanding Biases in Language Models
|
Evaluation of biases in language models is often limited to synthetically
generated datasets. This dependence traces back to the need for a prompt-style
dataset to trigger specific behaviors of language models. In this paper, we
address this gap by creating a prompt dataset with respect to occupations
collected from real-world natural sentences present in Wikipedia. We aim to
understand the differences between using template-based prompts and natural
sentence prompts when studying gender-occupation biases in language models. We
find bias evaluations are very sensitive to the design choices of template
prompts, and we propose using natural sentence prompts for systematic
evaluations to step away from design choices that could introduce bias in the
observations.
|
108,718 | 108,718 |
Detailed Balanced Chemical Reaction Networks as Generalized Boltzmann
Machines
|
Can a micron sized sack of interacting molecules understand, and adapt to a
constantly-fluctuating environment? Cellular life provides an existence proof
in the affirmative, but the principles that allow for life's existence are far
from being proven. One challenge in engineering and understanding biochemical
computation is the intrinsic noise due to chemical fluctuations. In this paper,
we draw insights from machine learning theory, chemical reaction network
theory, and statistical physics to show that the broad and biologically
relevant class of detailed balanced chemical reaction networks is capable of
representing and conditioning complex distributions. These results illustrate
how a biochemical computer can use intrinsic chemical noise to perform complex
computations. Furthermore, we use our explicit physical model to derive
thermodynamic costs of inference.
|
108,719 | 108,719 |
Multi-Environment Meta-Learning in Stochastic Linear Bandits
|
In this work we investigate meta-learning (or learning-to-learn) approaches
in multi-task linear stochastic bandit problems that can originate from
multiple environments. Inspired by the work of [1] on meta-learning in a
sequence of linear bandit problems whose parameters are sampled from a single
distribution (i.e., a single environment), here we consider the feasibility of
meta-learning when task parameters are drawn from a mixture distribution
instead. For this problem, we propose a regularized version of the OFUL
algorithm that, when trained on tasks with labeled environments, achieves low
regret on a new task without requiring knowledge of the environment from which
the new task originates. Specifically, our regret bound for the new algorithm
captures the effect of environment misclassification and highlights the
benefits over learning each task separately or meta-learning without
recognition of the distinct mixture components.
|
108,720 | 108,720 |
Collaborative Multi-agent Stochastic Linear Bandits
|
We study a collaborative multi-agent stochastic linear bandit setting, where
$N$ agents that form a network communicate locally to minimize their overall
regret. In this setting, each agent has its own linear bandit problem (its own
reward parameter) and the goal is to select the best global action w.r.t. the
average of their reward parameters. At each round, each agent proposes an
action, and one action is randomly selected and played as the network action.
All the agents observe the corresponding rewards of the played actions and use
an accelerated consensus procedure to compute an estimate of the average of the
rewards obtained by all the agents. We propose a distributed upper confidence
bound (UCB) algorithm and prove a high probability bound on its $T$-round
regret in which we include a linear growth of regret associated with each
communication round. Our regret bound is of order
$\mathcal{O}\Big(\sqrt{\frac{T}{N \log(1/|\lambda_2|)}}\cdot (\log T)^2\Big)$,
where $\lambda_2$ is the second largest (in absolute value) eigenvalue of the
communication matrix.
|
108,721 | 108,721 |
Visuomotor Control in Multi-Object Scenes Using Object-Aware
Representations
|
Perceptual understanding of the scene and the relationship between its
different components is important for successful completion of robotic tasks.
Representation learning has been shown to be a powerful technique for this, but
most of the current methodologies learn task specific representations that do
not necessarily transfer well to other tasks. Furthermore, representations
learned by supervised methods require large labeled datasets for each task that
are expensive to collect in the real world. Using self-supervised learning to
obtain representations from unlabeled data can mitigate this problem. However,
current self-supervised representation learning methods are mostly object
agnostic, and we demonstrate that the resulting representations are
insufficient for general purpose robotics tasks as they fail to capture the
complexity of scenes with many components. In this paper, we explore the
effectiveness of using object-aware representation learning techniques for
robotic tasks. Our self-supervised representations are learned by observing the
agent freely interacting with different parts of the environment and is queried
in two different settings: (i) policy learning and (ii) object location
prediction. We show that our model learns control policies in a
sample-efficient manner and outperforms state-of-the-art object agnostic
techniques as well as methods trained on raw RGB images. Our results show a 20
percent increase in performance in low data regimes (1000 trajectories) in
policy training using implicit behavioral cloning (IBC). Furthermore, our
method outperforms the baselines for the task of object localization in
multi-object scenes.
|
108,722 | 108,722 |
Generalized Variational Inference in Function Spaces: Gaussian Measures
meet Bayesian Deep Learning
|
We develop a framework for generalized variational inference in
infinite-dimensional function spaces and use it to construct a method termed
Gaussian Wasserstein inference (GWI). GWI leverages the Wasserstein distance
between Gaussian measures on the Hilbert space of square-integrable functions
in order to determine a variational posterior using a tractable optimisation
criterion and avoids pathologies arising in standard variational function space
inference. An exciting application of GWI is the ability to use deep neural
networks in the variational parametrisation of GWI, combining their superior
predictive performance with the principled uncertainty quantification analogous
to that of Gaussian processes. The proposed method obtains state-of-the-art
performance on several benchmark datasets.
|
108,723 | 108,723 |
Interpretable Climate Change Modeling With Progressive Cascade Networks
|
Typical deep learning approaches to modeling high-dimensional data often
result in complex models that do not easily reveal a new understanding of the
data. Research in the deep learning field is very actively pursuing new methods
to interpret deep neural networks and to reduce their complexity. An approach
is described here that starts with linear models and incrementally adds
complexity only as supported by the data. An application is shown in which
models that map global temperature and precipitation to years are trained to
investigate patterns associated with changes in climate.
|
108,724 | 108,724 |
Warm-starting DARTS using meta-learning
|
Neural architecture search (NAS) has shown great promise in the field of
automated machine learning (AutoML). NAS has outperformed hand-designed
networks and made a significant step forward in the field of automating the
design of deep neural networks, thus further reducing the need for human
expertise. However, most research is done targeting a single specific task,
leaving research of NAS methods over multiple tasks mostly overlooked.
Generally, there exist two popular ways to find an architecture for some novel
task. Either searching from scratch, which is ineffective by design, or
transferring discovered architectures from other tasks, which provides no
performance guarantees and is probably not optimal. In this work, we present a
meta-learning framework to warm-start Differentiable architecture search
(DARTS). DARTS is a NAS method that can be initialized with a transferred
architecture and is able to quickly adapt to new tasks. A task similarity
measure is used to determine which transfer architecture is selected, as
transfer architectures found on similar tasks will likely perform better.
Additionally, we employ a simple meta-transfer architecture that was learned
over multiple tasks. Experiments show that warm-started DARTS is able to find
competitive performing architectures while reducing searching costs on average
by 60%.
|
108,725 | 108,725 |
Deep Learning for Prawn Farming: Forecasting and Anomaly Detection
|
We present a decision support system for managing water quality in prawn
ponds. The system uses various sources of data and deep learning models in a
novel way to provide 24-hour forecasting and anomaly detection of water quality
parameters. It provides prawn farmers with tools to proactively avoid a poor
growing environment, thereby optimising growth and reducing the risk of losing
stock. This is a major shift for farmers who are forced to manage ponds by
reactively correcting poor water quality conditions. To our knowledge, we are
the first to apply Transformer as an anomaly detection model, and the first to
apply anomaly detection in general to this aquaculture problem. Our technical
contributions include adapting ForecastNet for multivariate data and adapting
Transformer and the Attention model to incorporate weather forecast data into
their decoders. We attain an average mean absolute percentage error of 12% for
dissolved oxygen forecasts and we demonstrate two anomaly detection case
studies. The system is successfully running in its second year of deployment on
a commercial prawn farm.
|
108,726 | 108,726 |
How to Combine Membership-Inference Attacks on Multiple Updated Models
|
A large body of research has shown that machine learning models are
vulnerable to membership inference (MI) attacks that violate the privacy of the
participants in the training data. Most MI research focuses on the case of a
single standalone model, while production machine-learning platforms often
update models over time, on data that often shifts in distribution, giving the
attacker more information. This paper proposes new attacks that take advantage
of one or more model updates to improve MI. A key part of our approach is to
leverage rich information from standalone MI attacks mounted separately against
the original and updated models, and to combine this information in specific
ways to improve attack effectiveness. We propose a set of combination functions
and tuning methods for each, and present both analytical and quantitative
justification for various options. Our results on four public datasets show
that our attacks are effective at using update information to give the
adversary a significant advantage over attacks on standalone models, but also
compared to a prior MI attack that takes advantage of model updates in a
related machine-unlearning setting. We perform the first measurements of the
impact of distribution shift on MI attacks with model updates, and show that a
more drastic distribution shift results in significantly higher MI risk than a
gradual shift. Our code is available at
https://www.github.com/stanleykywu/model-updates.
|
108,727 | 108,727 |
KASAM: Spline Additive Models for Function Approximation
|
Neural networks have been criticised for their inability to perform continual
learning due to catastrophic forgetting and rapid unlearning of a past concept
when a new concept is introduced. Catastrophic forgetting can be alleviated by
specifically designed models and training techniques. This paper outlines a
novel Spline Additive Model (SAM). SAM exhibits intrinsic memory retention with
sufficient expressive power for many practical tasks, but is not a universal
function approximator. SAM is extended with the Kolmogorov-Arnold
representation theorem to a novel universal function approximator, called the
Kolmogorov-Arnold Spline Additive Model - KASAM. The memory retention,
expressive power and limitations of SAM and KASAM are illustrated analytically
and empirically. SAM exhibited robust but imperfect memory retention, with
small regions of overlapping interference in sequential learning tasks. KASAM
exhibited greater susceptibility to catastrophic forgetting. KASAM in
combination with pseudo-rehearsal training techniques exhibited superior
performance in regression tasks and memory retention.
|
108,728 | 108,728 |
$\alpha$-GAN: Convergence and Estimation Guarantees
|
We prove a two-way correspondence between the min-max optimization of general
CPE loss function GANs and the minimization of associated $f$-divergences. We
then focus on $\alpha$-GAN, defined via the $\alpha$-loss, which interpolates
several GANs (Hellinger, vanilla, Total Variation) and corresponds to the
minimization of the Arimoto divergence. We show that the Arimoto divergences
induced by $\alpha$-GAN equivalently converge, for all $\alpha\in
\mathbb{R}_{>0}\cup\{\infty\}$. However, under restricted learning models and
finite samples, we provide estimation bounds which indicate diverse GAN
behavior as a function of $\alpha$. Finally, we present empirical results on a
toy dataset that highlight the practical utility of tuning the $\alpha$
hyperparameter.
|
108,729 | 108,729 |
PoisonedEncoder: Poisoning the Unlabeled Pre-training Data in
Contrastive Learning
|
Contrastive learning pre-trains an image encoder using a large amount of
unlabeled data such that the image encoder can be used as a general-purpose
feature extractor for various downstream tasks. In this work, we propose
PoisonedEncoder, a data poisoning attack to contrastive learning. In
particular, an attacker injects carefully crafted poisoning inputs into the
unlabeled pre-training data, such that the downstream classifiers built based
on the poisoned encoder for multiple target downstream tasks simultaneously
classify attacker-chosen, arbitrary clean inputs as attacker-chosen, arbitrary
classes. We formulate our data poisoning attack as a bilevel optimization
problem, whose solution is the set of poisoning inputs; and we propose a
contrastive-learning-tailored method to approximately solve it. Our evaluation
on multiple datasets shows that PoisonedEncoder achieves high attack success
rates while maintaining the testing accuracy of the downstream classifiers
built upon the poisoned encoder for non-attacker-chosen inputs. We also
evaluate five defenses against PoisonedEncoder, including one pre-processing,
three in-processing, and one post-processing defenses. Our results show that
these defenses can decrease the attack success rate of PoisonedEncoder, but
they also sacrifice the utility of the encoder or require a large clean
pre-training dataset.
|
108,730 | 108,730 |
Fast Conditional Network Compression Using Bayesian HyperNetworks
|
We introduce a conditional compression problem and propose a fast framework
for tackling it. The problem is how to quickly compress a pretrained large
neural network into optimal smaller networks given target contexts, e.g. a
context involving only a subset of classes or a context where only limited
compute resource is available. To solve this, we propose an efficient Bayesian
framework to compress a given large network into much smaller size tailored to
meet each contextual requirement. We employ a hypernetwork to parameterize the
posterior distribution of weights given conditional inputs and minimize a
variational objective of this Bayesian neural network. To further reduce the
network sizes, we propose a new input-output group sparsity factorization of
weights to encourage more sparseness in the generated weights. Our methods can
quickly generate compressed networks with significantly smaller sizes than
baseline methods.
|
108,731 | 108,731 |
Tensor Decompositions for Hyperspectral Data Processing in Remote
Sensing: A Comprehensive Review
|
Owing to the rapid development of sensor technology, hyperspectral (HS)
remote sensing (RS) imaging has provided a significant amount of spatial and
spectral information for the observation and analysis of the Earth's surface at
a distance of data acquisition devices, such as aircraft, spacecraft, and
satellite. The recent advancement and even revolution of the HS RS technique
offer opportunities to realize the full potential of various applications,
while confronting new challenges for efficiently processing and analyzing the
enormous HS acquisition data. Due to the maintenance of the 3-D HS inherent
structure, tensor decomposition has aroused widespread concern and research in
HS data processing tasks over the past decades. In this article, we aim at
presenting a comprehensive overview of tensor decomposition, specifically
contextualizing the five broad topics in HS data processing, and they are HS
restoration, compressed sensing, anomaly detection, super-resolution, and
spectral unmixing. For each topic, we elaborate on the remarkable achievements
of tensor decomposition models for HS RS with a pivotal description of the
existing methodologies and a representative exhibition on the experimental
results. As a result, the remaining challenges of the follow-up research
directions are outlined and discussed from the perspective of the real HS RS
practices and tensor decomposition merged with advanced priors and even with
deep neural networks. This article summarizes different tensor
decomposition-based HS data processing methods and categorizes them into
different classes from simple adoptions to complex combinations with other
priors for the algorithm beginners. We also expect this survey can provide new
investigations and development trends for the experienced researchers who
understand tensor decomposition and HS RS to some extent.
|
108,732 | 108,732 |
Design and Implementation of a Quantum Kernel for Natural Language
Processing
|
Natural language processing (NLP) is the field that attempts to make human
language accessible to computers, and it relies on applying a mathematical
model to express the meaning of symbolic language. One such model, DisCoCat,
defines how to express both the meaning of individual words as well as their
compositional nature. This model can be naturally implemented on quantum
computers, leading to the field quantum NLP (QNLP). Recent experimental work
used quantum machine learning techniques to map from text to class label using
the expectation value of the quantum encoded sentence. Theoretical work has
been done on computing the similarity of sentences but relies on an unrealized
quantum memory store. The main goal of this thesis is to leverage the DisCoCat
model to design a quantum-based kernel function that can be used by a support
vector machine (SVM) for NLP tasks. Two similarity measures were studied: (i)
the transition amplitude approach and (ii) the SWAP test. A simple NLP meaning
classification task from previous work was used to train the word embeddings
and evaluate the performance of both models. The Python module lambeq and its
related software stack was used for implementation. The explicit model from
previous work was used to train word embeddings and achieved a testing accuracy
of $93.09 \pm 0.01$%. It was shown that both the SVM variants achieved a higher
testing accuracy of $95.72 \pm 0.01$% for approach (i) and $97.14 \pm 0.01$%
for (ii). The SWAP test was then simulated under a noise model defined by the
real quantum device, ibmq_guadalupe. The explicit model achieved an accuracy of
$91.94 \pm 0.01$% while the SWAP test SVM achieved 96.7% on the testing
dataset, suggesting that the kernelized classifiers are resilient to noise.
These are encouraging results and motivate further investigations of our
proposed kernelized QNLP paradigm.
|
108,733 | 108,733 |
Test-time Fourier Style Calibration for Domain Generalization
|
The topic of generalizing machine learning models learned on a collection of
source domains to unknown target domains is challenging. While many domain
generalization (DG) methods have achieved promising results, they primarily
rely on the source domains at train-time without manipulating the target
domains at test-time. Thus, it is still possible that those methods can overfit
to source domains and perform poorly on target domains. Driven by the
observation that domains are strongly related to styles, we argue that reducing
the gap between source and target styles can boost models' generalizability. To
solve the dilemma of having no access to the target domain during training, we
introduce Test-time Fourier Style Calibration (TF-Cal) for calibrating the
target domain style on the fly during testing. To access styles, we utilize
Fourier transformation to decompose features into amplitude (style) features
and phase (semantic) features. Furthermore, we present an effective technique
to Augment Amplitude Features (AAF) to complement TF-Cal. Extensive experiments
on several popular DG benchmarks and a segmentation dataset for medical images
demonstrate that our method outperforms state-of-the-art methods.
|
108,734 | 108,734 |
Modularity in NEAT Reinforcement Learning Networks
|
Modularity is essential to many well-performing structured systems, as it is
a useful means of managing complexity [8]. An analysis of modularity in neural
networks produced by machine learning algorithms can offer valuable insight
into the workings of such algorithms and how modularity can be leveraged to
improve performance. However, this property is often overlooked in the
neuroevolutionary literature, so the modular nature of many learning algorithms
is unknown. This property was assessed on the popular algorithm "NeuroEvolution
of Augmenting Topologies" (NEAT) for standard simulation benchmark control
problems due to NEAT's ability to optimise network topology. This paper shows
that NEAT networks seem to rapidly increase in modularity over time with the
rate and convergence dependent on the problem. Interestingly, NEAT tends
towards increasingly modular networks even when network fitness converges. It
was shown that the ideal level of network modularity in the explored parameter
space is highly dependent on other network variables, dispelling theories that
modularity has a straightforward relationship to network performance. This is
further proven in this paper by demonstrating that rewarding modularity
directly did not improve fitness.
|
108,735 | 108,735 |
l-Leaks: Membership Inference Attacks with Logits
|
Machine Learning (ML) has made unprecedented progress in the past several
decades. However, due to the memorability of the training data, ML is
susceptible to various attacks, especially Membership Inference Attacks (MIAs),
the objective of which is to infer the model's training data. So far, most of
the membership inference attacks against ML classifiers leverage the shadow
model with the same structure as the target model. However, empirical results
show that these attacks can be easily mitigated if the shadow model is not
clear about the network structure of the target model.
In this paper, We present attacks based on black-box access to the target
model. We name our attack \textbf{l-Leaks}. The l-Leaks follows the intuition
that if an established shadow model is similar enough to the target model, then
the adversary can leverage the shadow model's information to predict a target
sample's membership.The logits of the trained target model contain valuable
sample knowledge. We build the shadow model by learning the logits of the
target model and making the shadow model more similar to the target model. Then
shadow model will have sufficient confidence in the member samples of the
target model. We also discuss the effect of the shadow model's different
network structures to attack results. Experiments over different networks and
datasets demonstrate that both of our attacks achieve strong performance.
|
108,736 | 108,736 |
Data-Driven Upper Bounds on Channel Capacity
|
We consider the problem of estimating an upper bound on the capacity of a
memoryless channel with unknown channel law and continuous output alphabet. A
novel data-driven algorithm is proposed that exploits the dual representation
of capacity where the maximization over the input distribution is replaced with
a minimization over a reference distribution on the channel output. To
efficiently compute the required divergence maximization between the
conditional channel and the reference distribution, we use a modified mutual
information neural estimator that takes the channel input as an additional
parameter. We evaluate our approach on different memoryless channels and show
that the estimated upper bounds closely converge either to the channel capacity
or to best-known lower bounds.
|
108,737 | 108,737 |
OFedQIT: Communication-Efficient Online Federated Learning via
Quantization and Intermittent Transmission
|
Online federated learning (OFL) is a promising framework to collaboratively
learn a sequence of non-linear functions (or models) from distributed streaming
data incoming to multiple clients while keeping the privacy of their local
data. In this framework, we first construct a vanilla method (named OFedAvg) by
incorporating online gradient descent (OGD) into the de facto aggregation
method (named FedAvg). Despite its optimal asymptotic performance, OFedAvg
suffers from heavy communication overhead and long learning delay. To tackle
these shortcomings, we propose a communication-efficient OFL algorithm (named
OFedQIT) by means of a stochastic quantization and an intermittent
transmission. Our major contribution is to theoretically prove that OFedQIT
over $T$ time slots can achieve an optimal sublinear regret bound
$\mathcal{O}(\sqrt{T})$ for any real data (including non-IID data) while
significantly reducing the communication overhead. Furthermore, this optimality
is still guaranteed even when a small fraction of clients (having faster
processing time and high-quality communication channel) in a network are
participated at once. Our analysis reveals that OFedQIT successfully addresses
the drawbacks of OFedAvg while maintaining superior learning accuracy.
Experiments with real datasets demonstrate the effectiveness of our algorithm
on various online classification and regression tasks.
|
108,738 | 108,738 |
A hybrid data driven-physics constrained Gaussian process regression
framework with deep kernel for uncertainty quantification
|
Gaussian process regression (GPR) has been a well-known machine learning
method for various applications such as uncertainty quantifications (UQ).
However, GPR is inherently a data-driven method, which requires sufficiently
large dataset. If appropriate physics constraints (e.g. expressed in partial
differential equations) can be incorporated, the amount of data can be greatly
reduced and the accuracy further improved. In this work, we propose a hybrid
data driven-physics constrained Gaussian process regression framework. We
encode the physics knowledge with Boltzmann-Gibbs distribution and derive our
model through maximum likelihood (ML) approach. We apply deep kernel learning
method. The proposed model learns from both data and physics constraints
through the training of a deep neural network, which serves as part of the
covariance function in GPR. The proposed model achieves good results in
high-dimensional problem, and correctly propagate the uncertainty, with very
limited labelled data provided.
|
108,739 | 108,739 |
Deep Reinforcement Learning for Computational Fluid Dynamics on HPC
Systems
|
Reinforcement learning (RL) is highly suitable for devising control
strategies in the context of dynamical systems. A prominent instance of such a
dynamical system is the system of equations governing fluid dynamics. Recent
research results indicate that RL-augmented computational fluid dynamics (CFD)
solvers can exceed the current state of the art, for example in the field of
turbulence modeling. However, while in supervised learning, the training data
can be generated a priori in an offline manner, RL requires constant run-time
interaction and data exchange with the CFD solver during training. In order to
leverage the potential of RL-enhanced CFD, the interaction between the CFD
solver and the RL algorithm thus have to be implemented efficiently on
high-performance computing (HPC) hardware. To this end, we present Relexi as a
scalable RL framework that bridges the gap between machine learning workflows
and modern CFD solvers on HPC systems providing both components with its
specialized hardware. Relexi is built with modularity in mind and allows easy
integration of various HPC solvers by means of the in-memory data transfer
provided by the SmartSim library. Here, we demonstrate that the Relexi
framework can scale up to hundreds of parallel environment on thousands of
cores. This allows to leverage modern HPC resources to either enable larger
problems or faster turnaround times. Finally, we demonstrate the potential of
an RL-augmented CFD solver by finding a control strategy for optimal eddy
viscosity selection in large eddy simulations.
|
108,740 | 108,740 |
DualCF: Efficient Model Extraction Attack from Counterfactual
Explanations
|
Cloud service providers have launched Machine-Learning-as-a-Service (MLaaS)
platforms to allow users to access large-scale cloudbased models via APIs. In
addition to prediction outputs, these APIs can also provide other information
in a more human-understandable way, such as counterfactual explanations (CF).
However, such extra information inevitably causes the cloud models to be more
vulnerable to extraction attacks which aim to steal the internal functionality
of models in the cloud. Due to the black-box nature of cloud models, however, a
vast number of queries are inevitably required by existing attack strategies
before the substitute model achieves high fidelity. In this paper, we propose a
novel simple yet efficient querying strategy to greatly enhance the querying
efficiency to steal a classification model. This is motivated by our
observation that current querying strategies suffer from decision boundary
shift issue induced by taking far-distant queries and close-to-boundary CFs
into substitute model training. We then propose DualCF strategy to circumvent
the above issues, which is achieved by taking not only CF but also
counterfactual explanation of CF (CCF) as pairs of training samples for the
substitute model. Extensive and comprehensive experimental evaluations are
conducted on both synthetic and real-world datasets. The experimental results
favorably illustrate that DualCF can produce a high-fidelity model with fewer
queries efficiently and effectively.
|
108,741 | 108,741 |
Collaborative Drug Discovery: Inference-level Data Protection
Perspective
|
Pharmaceutical industry can better leverage its data assets to virtualize
drug discovery through a collaborative machine learning platform. On the other
hand, there are non-negligible risks stemming from the unintended leakage of
participants' training data, hence, it is essential for such a platform to be
secure and privacy-preserving. This paper describes a privacy risk assessment
for collaborative modeling in the preclinical phase of drug discovery to
accelerate the selection of promising drug candidates. After a short taxonomy
of state-of-the-art inference attacks we adopt and customize several to the
underlying scenario. Finally we describe and experiments with a handful of
relevant privacy protection techniques to mitigate such attacks.
|
108,742 | 108,742 |
Precise Change Point Detection using Spectral Drift Detection
|
The notion of concept drift refers to the phenomenon that the data generating
distribution changes over time; as a consequence machine learning models may
become inaccurate and need adjustment. In this paper we consider the problem of
detecting those change points in unsupervised learning. Many unsupervised
approaches rely on the discrepancy between the sample distributions of two time
windows. This procedure is noisy for small windows, hence prone to induce false
positives and not able to deal with more than one drift event in a window. In
this paper we rely on structural properties of drift induced signals, which use
spectral properties of kernel embedding of distributions. Based thereon we
derive a new unsupervised drift detection algorithm, investigate its
mathematical properties, and demonstrate its usefulness in several experiments.
|
108,743 | 108,743 |
Toward A Formalized Approach for Spike Sorting Algorithms and Hardware
Evaluation
|
Spike sorting algorithms are used to separate extracellular recordings of
neuronal populations into single-unit spike activities. The development of
customized hardware implementing spike sorting algorithms is burgeoning.
However, there is a lack of a systematic approach and a set of standardized
evaluation criteria to facilitate direct comparison of both software and
hardware implementations. In this paper, we formalize a set of standardized
criteria and a publicly available synthetic dataset entitled Synthetic
Simulations Of Extracellular Recordings (SSOER), which was constructed by
aggregating existing synthetic datasets with varying Signal-To-Noise Ratios
(SNRs). Furthermore, we present a benchmark for future comparison, and use our
criteria to evaluate a simulated Resistive Random-Access Memory (RRAM)
In-Memory Computing (IMC) system using the Discrete Wavelet Transform (DWT) for
feature extraction. Our system consumes approximately (per channel) 10.72mW and
occupies an area of 0.66mm$^2$ in a 22nm FDSOI Complementary
Metal-Oxide-Semiconductor (CMOS) process.
|
108,744 | 108,744 |
Productivity Assessment of Neural Code Completion
|
Neural code synthesis has reached a point where snippet generation is
accurate enough to be considered for integration into human software
development workflows. Commercial products aim to increase programmers'
productivity, without being able to measure it directly. In this case study, we
asked users of GitHub Copilot about its impact on their productivity, and
sought to find a reflection of their perception in directly measurable user
data. We find that the rate with which shown suggestions are accepted, rather
than more specific metrics regarding the persistence of completions in the code
over time, drives developers' perception of productivity.
|
108,745 | 108,745 |
Accelerometry-based classification of circulatory states during
out-of-hospital cardiac arrest
|
Objective: During cardiac arrest treatment, a reliable detection of
spontaneous circulation, usually performed by manual pulse checks, is both
vital for patient survival and practically challenging. Methods: We developed a
machine learning algorithm to automatically predict the circulatory state
during cardiac arrest treatment from 4-second-long snippets of accelerometry
and electrocardiogram data from real-world defibrillator records. The algorithm
was trained based on 917 cases from the German Resuscitation Registry, for
which ground truth labels were created by a manual annotation of physicians. It
uses a kernelized Support Vector Machine classifier based on 14 features, which
partially reflect the correlation between accelerometry and electrocardiogram
data. Results: On a test data set, the proposed algorithm exhibits an accuracy
of 94.4 (93.6, 95.2)%, a sensitivity of 95.0 (93.9, 96.1)%, and a specificity
of 93.9 (92.7, 95.1)%. Conclusion and significance: In application, the
algorithm may be used to simplify retrospective annotation for quality
management and, moreover, to support clinicians to assess circulatory state
during cardiac arrest treatment.
|
108,746 | 108,746 |
Uninorm-like parametric activation functions for human-understandable
neural models
|
We present a deep learning model for finding human-understandable connections
between input features. Our approach uses a parameterized, differentiable
activation function, based on the theoretical background of nilpotent fuzzy
logic and multi-criteria decision-making (MCDM). The learnable parameter has a
semantic meaning indicating the level of compensation between input features.
The neural network determines the parameters using gradient descent to find
human-understandable relationships between input features. We demonstrate the
utility and effectiveness of the model by successfully applying it to
classification problems from the UCI Machine Learning Repository.
|
108,747 | 108,747 |
Kronecker Decomposition for Knowledge Graph Embeddings
|
Knowledge graph embedding research has mainly focused on learning continuous
representations of entities and relations tailored towards the link prediction
problem. Recent results indicate an ever increasing predictive ability of
current approaches on benchmark datasets. However, this effectiveness often
comes with the cost of over-parameterization and increased computationally
complexity. The former induces extensive hyperparameter optimization to
mitigate malicious overfitting. The latter magnifies the importance of winning
the hardware lottery. Here, we investigate a remedy for the first problem. We
propose a technique based on Kronecker decomposition to reduce the number of
parameters in a knowledge graph embedding model, while retaining its
expressiveness. Through Kronecker decomposition, large embedding matrices are
split into smaller embedding matrices during the training process. Hence,
embeddings of knowledge graphs are not plainly retrieved but reconstructed on
the fly. The decomposition ensures that elementwise interactions between three
embedding vectors are extended with interactions within each embedding vector.
This implicitly reduces redundancy in embedding vectors and encourages feature
reuse. To quantify the impact of applying Kronecker decomposition on embedding
matrices, we conduct a series of experiments on benchmark datasets. Our
experiments suggest that applying Kronecker decomposition on embedding matrices
leads to an improved parameter efficiency on all benchmark datasets. Moreover,
empirical evidence suggests that reconstructed embeddings entail robustness
against noise in the input knowledge graph. To foster reproducible research, we
provide an open-source implementation of our approach, including training and
evaluation scripts as well as pre-trained models in our knowledge graph
embedding framework (https://github.com/dice-group/dice-embeddings).
|
108,748 | 108,748 |
Convergence of Deep Neural Networks with General Activation Functions
and Pooling
|
Deep neural networks, as a powerful system to represent high dimensional
complex functions, play a key role in deep learning. Convergence of deep neural
networks is a fundamental issue in building the mathematical foundation for
deep learning. We investigated the convergence of deep ReLU networks and deep
convolutional neural networks in two recent researches (arXiv:2107.12530,
2109.13542). Only the Rectified Linear Unit (ReLU) activation was studied
therein, and the important pooling strategy was not considered. In this current
work, we study the convergence of deep neural networks as the depth tends to
infinity for two other important activation functions: the leaky ReLU and the
sigmoid function. Pooling will also be studied. As a result, we prove that the
sufficient condition established in arXiv:2107.12530, 2109.13542 is still
sufficient for the leaky ReLU networks. For contractive activation functions
such as the sigmoid function, we establish a weaker sufficient condition for
uniform convergence of deep neural networks.
|
108,749 | 108,749 |
Convergence Analysis of Deep Residual Networks
|
Various powerful deep neural network architectures have made great
contribution to the exciting successes of deep learning in the past two
decades. Among them, deep Residual Networks (ResNets) are of particular
importance because they demonstrated great usefulness in computer vision by
winning the first place in many deep learning competitions. Also, ResNets were
the first class of neural networks in the development history of deep learning
that are really deep. It is of mathematical interest and practical meaning to
understand the convergence of deep ResNets. We aim at characterizing the
convergence of deep ResNets as the depth tends to infinity in terms of the
parameters of the networks. Toward this purpose, we first give a matrix-vector
description of general deep neural networks with shortcut connections and
formulate an explicit expression for the networks by using the notions of
activation domains and activation matrices. The convergence is then reduced to
the convergence of two series involving infinite products of non-square
matrices. By studying the two series, we establish a sufficient condition for
pointwise convergence of ResNets. Our result is able to give justification for
the design of ResNets. We also conduct experiments on benchmark machine
learning data to verify our results.
|
108,750 | 108,750 |
Detecting Rumours with Latency Guarantees using Massive Streaming Data
|
Today's social networks continuously generate massive streams of data, which
provide a valuable starting point for the detection of rumours as soon as they
start to propagate. However, rumour detection faces tight latency bounds, which
cannot be met by contemporary algorithms, given the sheer volume of
high-velocity streaming data emitted by social networks. Hence, in this paper,
we argue for best-effort rumour detection that detects most rumours quickly
rather than all rumours with a high delay. To this end, we combine techniques
for efficient, graph-based matching of rumour patterns with effective load
shedding that discards some of the input data while minimising the loss in
accuracy. Experiments with large-scale real-world datasets illustrate the
robustness of our approach in terms of runtime performance and detection
accuracy under diverse streaming conditions.
|
108,751 | 108,751 |
Upside-Down Reinforcement Learning Can Diverge in Stochastic
Environments With Episodic Resets
|
Upside-Down Reinforcement Learning (UDRL) is an approach for solving RL
problems that does not require value functions and uses only supervised
learning, where the targets for given inputs in a dataset do not change over
time. Ghosh et al. proved that Goal-Conditional Supervised Learning (GCSL) --
which can be viewed as a simplified version of UDRL -- optimizes a lower bound
on goal-reaching performance. This raises expectations that such algorithms may
enjoy guaranteed convergence to the optimal policy in arbitrary environments,
similar to certain well-known traditional RL algorithms. Here we show that for
a specific episodic UDRL algorithm (eUDRL, including GCSL), this is not the
case, and give the causes of this limitation. To do so, we first introduce a
helpful rewrite of eUDRL as a recursive policy update. This formulation helps
to disprove its convergence to the optimal policy for a wide class of
stochastic environments. Finally, we provide a concrete example of a very
simple environment where eUDRL diverges. Since the primary aim of this paper is
to present a negative result, and the best counterexamples are the simplest
ones, we restrict all discussions to finite (discrete) environments, ignoring
issues of function approximation and limited sample size.
|
108,752 | 108,752 |
Improving Contextual Representation with Gloss Regularized Pre-training
|
Though achieving impressive results on many NLP tasks, the BERT-like masked
language models (MLM) encounter the discrepancy between pre-training and
inference. In light of this gap, we investigate the contextual representation
of pre-training and inference from the perspective of word probability
distribution. We discover that BERT risks neglecting the contextual word
similarity in pre-training. To tackle this issue, we propose an auxiliary gloss
regularizer module to BERT pre-training (GR-BERT), to enhance word semantic
similarity. By predicting masked words and aligning contextual embeddings to
corresponding glosses simultaneously, the word similarity can be explicitly
modeled. We design two architectures for GR-BERT and evaluate our model in
downstream tasks. Experimental results show that the gloss regularizer benefits
BERT in word-level and sentence-level semantic representation. The GR-BERT
achieves new state-of-the-art in lexical substitution task and greatly promotes
BERT sentence representation in both unsupervised and supervised STS tasks.
|
108,753 | 108,753 |
StyLandGAN: A StyleGAN based Landscape Image Synthesis using Depth-map
|
Despite recent success in conditional image synthesis, prevalent input
conditions such as semantics and edges are not clear enough to express `Linear
(Ridges)' and `Planar (Scale)' representations. To address this problem, we
propose a novel framework StyLandGAN, which synthesizes desired landscape
images using a depth map which has higher expressive power. Our StyleLandGAN is
extended from the unconditional generation model to accept input conditions. We
also propose a '2-phase inference' pipeline which generates diverse depth maps
and shifts local parts so that it can easily reflect user's intend. As a
comparison, we modified the existing semantic image synthesis models to accept
a depth map as well. Experimental results show that our method is superior to
existing methods in quality, diversity, and depth-accuracy.
|
108,754 | 108,754 |
The Devil is in the Details: On the Pitfalls of Vocabulary Selection in
Neural Machine Translation
|
Vocabulary selection, or lexical shortlisting, is a well-known technique to
improve latency of Neural Machine Translation models by constraining the set of
allowed output words during inference. The chosen set is typically determined
by separately trained alignment model parameters, independent of the
source-sentence context at inference time. While vocabulary selection appears
competitive with respect to automatic quality metrics in prior work, we show
that it can fail to select the right set of output words, particularly for
semantically non-compositional linguistic phenomena such as idiomatic
expressions, leading to reduced translation quality as perceived by humans.
Trading off latency for quality by increasing the size of the allowed set is
often not an option in real-world scenarios. We propose a model of vocabulary
selection, integrated into the neural translation model, that predicts the set
of allowed output words from contextualized encoder representations. This
restores translation quality of an unconstrained system, as measured by human
evaluations on WMT newstest2020 and idiomatic expressions, at an inference
latency competitive with alignment-based selection using aggressive thresholds,
thereby removing the dependency on separately trained alignment models.
|
108,755 | 108,755 |
FastSTMF: Efficient tropical matrix factorization algorithm for sparse
data
|
Matrix factorization, one of the most popular methods in machine learning,
has recently benefited from introducing non-linearity in prediction tasks using
tropical semiring. The non-linearity enables a better fit to extreme values and
distributions, thus discovering high-variance patterns that differ from those
found by standard linear algebra. However, the optimization process of various
tropical matrix factorization methods is slow. In our work, we propose a new
method FastSTMF based on Sparse Tropical Matrix Factorization (STMF), which
introduces a novel strategy for updating factor matrices that results in
efficient computational performance. We evaluated the efficiency of FastSTMF on
synthetic and real gene expression data from the TCGA database, and the results
show that FastSTMF outperforms STMF in both accuracy and running time. Compared
to NMF, we show that FastSTMF performs better on some datasets and is not prone
to overfitting as NMF. This work sets the basis for developing other matrix
factorization techniques based on many other semirings using a new proposed
optimization process.
|
108,756 | 108,756 |
Analyzing Hate Speech Data along Racial, Gender and Intersectional Axes
|
To tackle the rising phenomenon of hate speech, efforts have been made
towards data curation and analysis. When it comes to analysis of bias, previous
work has focused predominantly on race. In our work, we further investigate
bias in hate speech datasets along racial, gender and intersectional axes. We
identify strong bias against African American English (AAE), masculine and
AAE+Masculine tweets, which are annotated as disproportionately more hateful
and offensive than from other demographics. We provide evidence that BERT-based
models propagate this bias and show that balancing the training data for these
protected attributes can lead to fairer models with regards to gender, but not
race.
|
108,757 | 108,757 |
The Design Space of E(3)-Equivariant Atom-Centered Interatomic
Potentials
|
The rapid progress of machine learning interatomic potentials over the past
couple of years produced a number of new architectures. Particularly notable
among these are the Atomic Cluster Expansion (ACE), which unified many of the
earlier ideas around atom density-based descriptors, and Neural Equivariant
Interatomic Potentials (NequIP), a message passing neural network with
equivariant features that showed state of the art accuracy. In this work, we
construct a mathematical framework that unifies these models: ACE is
generalised so that it can be recast as one layer of a multi-layer
architecture. From another point of view, the linearised version of NequIP is
understood as a particular sparsification of a much larger polynomial model.
Our framework also provides a practical tool for systematically probing
different choices in the unified design space. We demonstrate this by an
ablation study of NequIP via a set of experiments looking at in- and
out-of-domain accuracy and smooth extrapolation very far from the training
data, and shed some light on which design choices are critical for achieving
high accuracy. Finally, we present BOTNet (Body-Ordered-Tensor-Network), a
much-simplified version of NequIP, which has an interpretable architecture and
maintains accuracy on benchmark datasets.
|
108,758 | 108,758 |
NN-EUCLID: deep-learning hyperelasticity without stress data
|
We propose a new approach for unsupervised learning of hyperelastic
constitutive laws with physics-consistent deep neural networks. In contrast to
supervised learning, which assumes the availability of stress-strain pairs, the
approach only uses realistically measurable full-field displacement and global
reaction force data, thus it lies within the scope of our recent framework for
Efficient Unsupervised Constitutive Law Identification and Discovery (EUCLID)
and we denote it as NN-EUCLID. The absence of stress labels is compensated for
by leveraging a physics-motivated loss function based on the conservation of
linear momentum to guide the learning process. The constitutive model is based
on input-convex neural networks, which are capable of learning a function that
is convex with respect to its inputs. By employing a specially designed neural
network architecture, multiple physical and thermodynamic constraints for
hyperelastic constitutive laws, such as material frame indifference,
(poly-)convexity, and stress-free reference configuration are automatically
satisfied. We demonstrate the ability of the approach to accurately learn
several hidden isotropic and anisotropic hyperelastic constitutive laws -
including e.g., Mooney-Rivlin, Arruda-Boyce, Ogden, and Holzapfel models -
without using stress data. For anisotropic hyperelasticity, the unknown
anisotropic fiber directions are automatically discovered jointly with the
constitutive model. The neural network-based constitutive models show good
generalization capability beyond the strain states observed during training and
are readily deployable in a general finite element framework for simulating
complex mechanical boundary value problems with good accuracy.
|
108,759 | 108,759 |
Local Attention Graph-based Transformer for Multi-target Genetic
Alteration Prediction
|
Classical multiple instance learning (MIL) methods are often based on the
identical and independent distributed assumption between instances, hence
neglecting the potentially rich contextual information beyond individual
entities. On the other hand, Transformers with global self-attention modules
have been proposed to model the interdependencies among all instances. However,
in this paper we question: Is global relation modeling using self-attention
necessary, or can we appropriately restrict self-attention calculations to
local regimes in large-scale whole slide images (WSIs)? We propose a
general-purpose local attention graph-based Transformer for MIL (LA-MIL),
introducing an inductive bias by explicitly contextualizing instances in
adaptive local regimes of arbitrary size. Additionally, an efficiently adapted
loss function enables our approach to learn expressive WSI embeddings for the
joint analysis of multiple biomarkers. We demonstrate that LA-MIL achieves
state-of-the-art results in mutation prediction for gastrointestinal cancer,
outperforming existing models on important biomarkers such as microsatellite
instability for colorectal cancer. This suggests that local self-attention
sufficiently models dependencies on par with global modules. Our implementation
will be published.
|
108,760 | 108,760 |
Univariate and Multivariate LSTM Model for Short-Term Stock Market
Prediction
|
Designing robust and accurate prediction models has been a viable research
area since a long time. While proponents of a well-functioning market
predictors believe that it is difficult to accurately predict market prices but
many scholars disagree. Robust and accurate prediction systems will not only be
helpful to the businesses but also to the individuals in making their financial
investments. This paper presents an LSTM model with two different input
approaches for predicting the short-term stock prices of two Indian companies,
Reliance Industries and Infosys Ltd. Ten years of historic data (2012-2021) is
taken from the yahoo finance website to carry out analysis of proposed
approaches. In the first approach, closing prices of two selected companies are
directly applied on univariate LSTM model. For the approach second, technical
indicators values are calculated from the closing prices and then collectively
applied on Multivariate LSTM model. Short term market behaviour for upcoming
days is evaluated. Experimental outcomes revel that approach one is useful to
determine the future trend but multivariate LSTM model with technical
indicators found to be useful in accurately predicting the future price
behaviours.
|
108,761 | 108,761 |
Research on the correlation between text emotion mining and stock market
based on deep learning
|
This paper discusses how to crawl the data of financial forums such as stock
bar, and conduct emotional analysis combined with the in-depth learning model.
This paper will use the Bert model to train the financial corpus and predict
the Shenzhen stock index. Through the comparative study of the maximal
information coefficient (MIC), it is found that the emotional characteristics
obtained by applying the BERT model to the financial corpus can be reflected in
the fluctuation of the stock market, which is conducive to effectively improve
the prediction accuracy. At the same time, this paper combines in-depth
learning with financial texts to further explore the impact mechanism of
investor sentiment on the stock market through in-depth learning, which will
help the national regulatory authorities and policy departments to formulate
more reasonable policies and guidelines for maintaining the stability of the
stock market.
|
108,762 | 108,762 |
Heavy-Tail Phenomenon in Decentralized SGD
|
Recent theoretical studies have shown that heavy-tails can emerge in
stochastic optimization due to `multiplicative noise', even under surprisingly
simple settings, such as linear regression with Gaussian data. While these
studies have uncovered several interesting phenomena, they consider
conventional stochastic optimization problems, which exclude decentralized
settings that naturally arise in modern machine learning applications. In this
paper, we study the emergence of heavy-tails in decentralized stochastic
gradient descent (DE-SGD), and investigate the effect of decentralization on
the tail behavior. We first show that, when the loss function at each
computational node is twice continuously differentiable and strongly convex
outside a compact region, the law of the DE-SGD iterates converges to a
distribution with polynomially decaying (heavy) tails. To have a more explicit
control on the tail exponent, we then consider the case where the loss at each
node is a quadratic, and show that the tail-index can be estimated as a
function of the step-size, batch-size, and the topological properties of the
network of the computational nodes. Then, we provide theoretical and empirical
results showing that DE-SGD has heavier tails than centralized SGD. We also
compare DE-SGD to disconnected SGD where nodes distribute the data but do not
communicate. Our theory uncovers an interesting interplay between the tails and
the network structure: we identify two regimes of parameters (stepsize and
network size), where DE-SGD can have lighter or heavier tails than disconnected
SGD depending on the regime. Finally, to support our theoretical results, we
provide numerical experiments conducted on both synthetic data and neural
networks.
|
108,763 | 108,763 |
DRBM-ClustNet: A Deep Restricted Boltzmann-Kohonen Architecture for Data
Clustering
|
A Bayesian Deep Restricted Boltzmann-Kohonen architecture for data clustering
termed as DRBM-ClustNet is proposed. This core-clustering engine consists of a
Deep Restricted Boltzmann Machine (DRBM) for processing unlabeled data by
creating new features that are uncorrelated and have large variance with each
other. Next, the number of clusters are predicted using the Bayesian
Information Criterion (BIC), followed by a Kohonen Network-based clustering
layer. The processing of unlabeled data is done in three stages for efficient
clustering of the non-linearly separable datasets. In the first stage, DRBM
performs non-linear feature extraction by capturing the highly complex data
representation by projecting the feature vectors of $d$ dimensions into $n$
dimensions. Most clustering algorithms require the number of clusters to be
decided a priori, hence here to automate the number of clusters in the second
stage we use BIC. In the third stage, the number of clusters derived from BIC
forms the input for the Kohonen network, which performs clustering of the
feature-extracted data obtained from the DRBM. This method overcomes the
general disadvantages of clustering algorithms like the prior specification of
the number of clusters, convergence to local optima and poor clustering
accuracy on non-linear datasets. In this research we use two synthetic
datasets, fifteen benchmark datasets from the UCI Machine Learning repository,
and four image datasets to analyze the DRBM-ClustNet. The proposed framework is
evaluated based on clustering accuracy and ranked against other
state-of-the-art clustering methods. The obtained results demonstrate that the
DRBM-ClustNet outperforms state-of-the-art clustering algorithms.
|
108,764 | 108,764 |
Learning Keypoints from Synthetic Data for Robotic Cloth Folding
|
Robotic cloth manipulation is challenging due to its deformability, which
makes determining its full state infeasible. However, for cloth folding, it
suffices to know the position of a few semantic keypoints. Convolutional neural
networks (CNN) can be used to detect these keypoints, but require large amounts
of annotated data, which is expensive to collect. To overcome this, we propose
to learn these keypoint detectors purely from synthetic data, enabling low-cost
data collection. In this paper, we procedurally generate images of towels and
use them to train a CNN. We evaluate the performance of this detector for
folding towels on a unimanual robot setup and find that the grasp and fold
success rates are 77% and 53%, respectively. We conclude that learning keypoint
detectors from synthetic data for cloth folding and related tasks is a
promising research direction, discuss some failures and relate them to future
work. A video of the system, as well as the codebase, more details on the CNN
architecture and the training setup can be found at
https://github.com/tlpss/workshop-icra-2022-cloth-keypoints.git.
|
108,765 | 108,765 |
A Vision Inspired Neural Network for Unsupervised Anomaly Detection in
Unordered Data
|
A fundamental problem in the field of unsupervised machine learning is the
detection of anomalies corresponding to rare and unusual observations of
interest; reasons include for their rejection, accommodation or further
investigation. Anomalies are intuitively understood to be something unusual or
inconsistent, whose occurrence sparks immediate attention. More formally
anomalies are those observations-under appropriate random variable
modelling-whose expectation of occurrence with respect to a grouping of prior
interest is less than one; such a definition and understanding has been used to
develop the parameter-free perception anomaly detection algorithm. The present
work seeks to establish important and practical connections between the
approach used by the perception algorithm and prior decades of research in
neurophysiology and computational neuroscience; particularly that of
information processing in the retina and visual cortex. The algorithm is
conceptualised as a neuron model which forms the kernel of an unsupervised
neural network that learns to signal unexpected observations as anomalies. Both
the network and neuron display properties observed in biological processes
including: immediate intelligence; parallel processing; redundancy; global
degradation; contrast invariance; parameter-free computation, dynamic
thresholds and non-linear processing. A robust and accurate model for anomaly
detection in univariate and multivariate data is built using this network as a
concrete application.
|
108,766 | 108,766 |
On the Importance of Architecture and Feature Selection in
Differentially Private Machine Learning
|
We study a pitfall in the typical workflow for differentially private machine
learning. The use of differentially private learning algorithms in a "drop-in"
fashion -- without accounting for the impact of differential privacy (DP) noise
when choosing what feature engineering operations to use, what features to
select, or what neural network architecture to use -- yields overly complex and
poorly performing models. In other words, by anticipating the impact of DP
noise, a simpler and more accurate alternative model could have been trained
for the same privacy guarantee. We systematically study this phenomenon through
theory and experiments. On the theory front, we provide an explanatory
framework and prove that the phenomenon arises naturally from the addition of
noise to satisfy differential privacy. On the experimental front, we
demonstrate how the phenomenon manifests in practice using various datasets,
types of models, tasks, and neural network architectures. We also analyze the
factors that contribute to the problem and distill our experimental insights
into concrete takeaways that practitioners can follow when training models with
differential privacy. Finally, we propose privacy-aware algorithms for feature
selection and neural network architecture search. We analyze their differential
privacy properties and evaluate them empirically.
|
108,767 | 108,767 |
Federated Learning Under Intermittent Client Availability and
Time-Varying Communication Constraints
|
Federated learning systems facilitate training of global models in settings
where potentially heterogeneous data is distributed across a large number of
clients. Such systems operate in settings with intermittent client availability
and/or time-varying communication constraints. As a result, the global models
trained by federated learning systems may be biased towards clients with higher
availability. We propose F3AST, an unbiased algorithm that dynamically learns
an availability-dependent client selection strategy which asymptotically
minimizes the impact of client-sampling variance on the global model
convergence, enhancing performance of federated learning. The proposed
algorithm is tested in a variety of settings for intermittently available
clients under communication constraints, and its efficacy demonstrated on
synthetic data and realistically federated benchmarking experiments using
CIFAR100 and Shakespeare datasets. We show up to 186% and 8% accuracy
improvements over FedAvg, and 8% and 7% over FedAdam on CIFAR100 and
Shakespeare, respectively.
|
108,768 | 108,768 |
Neurochaos Feature Transformation and Classification for Imbalanced
Learning
|
Learning from limited and imbalanced data is a challenging problem in the
Artificial Intelligence community. Real-time scenarios demand decision-making
from rare events wherein the data are typically imbalanced. These situations
commonly arise in medical applications, cybersecurity, catastrophic predictions
etc. This motivates the development of learning algorithms capable of learning
from imbalanced data. Human brain effortlessly learns from imbalanced data.
Inspired by the chaotic neuronal firing in the human brain, a novel learning
algorithm namely Neurochaos Learning (NL) was recently proposed. NL is
categorized in three blocks: Feature Transformation, Neurochaos Feature
Extraction (CFX), and Classification. In this work, the efficacy of neurochaos
feature transformation and extraction for classification in imbalanced learning
is studied. We propose a unique combination of neurochaos based feature
transformation and extraction with traditional ML algorithms. The explored
datasets in this study revolve around medical diagnosis, banknote fraud
detection, environmental applications and spoken-digit classification. In this
study, experiments are performed in both high and low training sample regime.
In the former, five out of nine datasets have shown a performance boost in
terms of macro F1-score after using CFX features. The highest performance boost
obtained is 25.97% for Statlog (Heart) dataset using CFX+Decision Tree. In the
low training sample regime (from just one to nine training samples per class),
the highest performance boost of 144.38% is obtained for Haberman's Survival
dataset using CFX+Random Forest. NL offers enormous flexibility of combining
CFX with any ML classifier to boost its performance, especially for learning
tasks with limited and imbalanced data.
|
108,769 | 108,769 |
A Comprehensive Survey of Few-shot Learning: Evolution, Applications,
Challenges, and Opportunities
|
Few-shot learning (FSL) has emerged as an effective learning method and shows
great potential. Despite the recent creative works in tackling FSL tasks,
learning valid information rapidly from just a few or even zero samples still
remains a serious challenge. In this context, we extensively investigated 200+
latest papers on FSL published in the past three years, aiming to present a
timely and comprehensive overview of the most recent advances in FSL along with
impartial comparisons of the strengths and weaknesses of the existing works.
For the sake of avoiding conceptual confusion, we first elaborate and compare a
set of similar concepts including few-shot learning, transfer learning, and
meta-learning. Furthermore, we propose a novel taxonomy to classify the
existing work according to the level of abstraction of knowledge in accordance
with the challenges of FSL. To enrich this survey, in each subsection we
provide in-depth analysis and insightful discussion about recent advances on
these topics. Moreover, taking computer vision as an example, we highlight the
important application of FSL, covering various research hotspots. Finally, we
conclude the survey with unique insights into the technology evolution trends
together with potential future research opportunities in the hope of providing
guidance to follow-up research.
|
108,770 | 108,770 |
Provably Safe Reinforcement Learning: A Theoretical and Experimental
Comparison
|
Ensuring safety of reinforcement learning (RL) algorithms is crucial for many
real-world tasks. However, vanilla RL does not guarantee safety for an agent.
In recent years, several methods have been proposed to provide safety
guarantees for RL. To the best of our knowledge, there is no comprehensive
comparison of these provably safe RL methods. We therefore introduce a
categorization for existing provably safe RL methods, and present the
theoretical foundations for both continuous and discrete action spaces.
Additionally, we evaluate provably safe RL on an inverted pendulum. In the
experiments, it is shown that indeed only provably safe RL methods guarantee
safety.
|
108,771 | 108,771 |
Interlock-Free Multi-Aspect Rationalization for Text Classification
|
Explanation is important for text classification tasks. One prevalent type of
explanation is rationales, which are text snippets of input text that suffice
to yield the prediction and are meaningful to humans. A lot of research on
rationalization has been based on the selective rationalization framework,
which has recently been shown to be problematic due to the interlocking
dynamics. In this paper, we show that we address the interlocking problem in
the multi-aspect setting, where we aim to generate multiple rationales for
multiple outputs. More specifically, we propose a multi-stage training method
incorporating an additional self-supervised contrastive loss that helps to
generate more semantically diverse rationales. Empirical results on the beer
review dataset show that our method improves significantly the rationalization
performance.
|
108,772 | 108,772 |
Improving Astronomical Time-series Classification via Data Augmentation
with Generative Adversarial Networks
|
Due to the latest advances in technology, telescopes with significant sky
coverage will produce millions of astronomical alerts per night that must be
classified both rapidly and automatically. Currently, classification consists
of supervised machine learning algorithms whose performance is limited by the
number of existing annotations of astronomical objects and their highly
imbalanced class distributions. In this work, we propose a data augmentation
methodology based on Generative Adversarial Networks (GANs) to generate a
variety of synthetic light curves from variable stars. Our novel contributions,
consisting of a resampling technique and an evaluation metric, can assess the
quality of generative models in unbalanced datasets and identify
GAN-overfitting cases that the Fr\'echet Inception Distance does not reveal. We
applied our proposed model to two datasets taken from the Catalina and Zwicky
Transient Facility surveys. The classification accuracy of variable stars is
improved significantly when training with synthetic data and testing with real
data with respect to the case of using only real data.
|
108,773 | 108,773 |
Emergent Bartering Behaviour in Multi-Agent Reinforcement Learning
|
Advances in artificial intelligence often stem from the development of new
environments that abstract real-world situations into a form where research can
be done conveniently. This paper contributes such an environment based on ideas
inspired by elementary Microeconomics. Agents learn to produce resources in a
spatially complex world, trade them with one another, and consume those that
they prefer. We show that the emergent production, consumption, and pricing
behaviors respond to environmental conditions in the directions predicted by
supply and demand shifts in Microeconomics. We also demonstrate settings where
the agents' emergent prices for goods vary over space, reflecting the local
abundance of goods. After the price disparities emerge, some agents then
discover a niche of transporting goods between regions with different
prevailing prices -- a profitable strategy because they can buy goods where
they are cheap and sell them where they are expensive. Finally, in a series of
ablation experiments, we investigate how choices in the environmental rewards,
bartering actions, agent architecture, and ability to consume tradable goods
can either aid or inhibit the emergence of this economic behavior. This work is
part of the environment development branch of a research program that aims to
build human-like artificial general intelligence through multi-agent
interactions in simulated societies. By exploring which environment features
are needed for the basic phenomena of elementary microeconomics to emerge
automatically from learning, we arrive at an environment that differs from
those studied in prior multi-agent reinforcement learning work along several
dimensions. For example, the model incorporates heterogeneous tastes and
physical abilities, and agents negotiate with one another as a grounded form of
communication.
|
108,774 | 108,774 |
Exploring the structure-property relations of thin-walled, 2D extruded
lattices using neural networks
|
This paper investigates the structure-property relations of thin-walled
lattices under dynamic longitudinal compression, characterized by their
cross-sections and heights. These relations elucidate the interactions of
different geometric features of a design on mechanical response, including
energy absorption. We proposed a combinatorial, key-based design system to
generate different lattice designs and used the finite element method to
simulate their response with the Johnson-Cook material model. Using an
autoencoder, we encoded the cross-sectional images of the lattices into latent
design feature vectors, which were supplied to the neural network model to
generate predictions. The trained models can accurately predict lattice energy
absorption curves in the key-based design system and can be extended to new
designs outside of the system via transfer learning.
|
108,775 | 108,775 |
EyeDAS: Securing Perception of Autonomous Cars Against the
Stereoblindness Syndrome
|
The ability to detect whether an object is a 2D or 3D object is extremely
important in autonomous driving, since a detection error can have
life-threatening consequences, endangering the safety of the driver,
passengers, pedestrians, and others on the road. Methods proposed to
distinguish between 2 and 3D objects (e.g., liveness detection methods) are not
suitable for autonomous driving, because they are object dependent or do not
consider the constraints associated with autonomous driving (e.g., the need for
real-time decision-making while the vehicle is moving). In this paper, we
present EyeDAS, a novel few-shot learning-based method aimed at securing an
object detector (OD) against the threat posed by the stereoblindness syndrome
(i.e., the inability to distinguish between 2D and 3D objects). We evaluate
EyeDAS's real-time performance using 2,000 objects extracted from seven YouTube
video recordings of street views taken by a dash cam from the driver's seat
perspective. When applying EyeDAS to seven state-of-the-art ODs as a
countermeasure, EyeDAS was able to reduce the 2D misclassification rate from
71.42-100% to 2.4% with a 3D misclassification rate of 0% (TPR of 1.0). We also
show that EyeDAS outperforms the baseline method and achieves an AUC of over
0.999 and a TPR of 1.0 with an FPR of 0.024.
|
108,776 | 108,776 |
Artificial Intelligence-Assisted Optimization and Multiphase Analysis of
Polygon PEM Fuel Cells
|
This article presents new PEM fuel cell models with hexagonal and pentagonal
designs. After observing cell performance improvement in these models, we
optimized them. Inlet pressure and temperature were used as input parameters,
and consumption and output power were the target parameters of the
multi-objective optimization algorithm. Then we used artificial intelligence
techniques, including deep neural networks and polynomial regression, to model
the data. Next, we employed the RSM (Response Surface Method) method to derive
the target functions. Furthermore, we applied the NSGA-II multi-objective
genetic algorithm to optimize the targets. Compared to the base model (Cubic),
the optimized Pentagonal and Hexagonal models averagely increase the output
current density by 21.819% and 39.931%, respectively.
|
108,777 | 108,777 |
Embodied-Symbolic Contrastive Graph Self-Supervised Learning for
Molecular Graphs
|
Dual embodied-symbolic concept representations are the foundation for deep
learning and symbolic AI integration. We discuss the use of dual
embodied-symbolic concept representations for molecular graph representation
learning, specifically with exemplar-based contrastive self-supervised learning
(SSL). The embodied representations are learned from molecular graphs, and the
symbolic representations are learned from the corresponding Chemical knowledge
graph (KG). We use the Chemical KG to enhance molecular graphs with symbolic
(semantic) knowledge and generate their augmented molecular graphs. We treat a
molecular graph and its semantically augmented molecular graph as exemplars of
the same semantic class, and use the pairs as positive pairs in exemplar-based
contrastive SSL.
|
108,778 | 108,778 |
Multiple Domain Causal Networks
|
Observational studies are regarded as economic alternatives to randomized
trials, often used in their stead to investigate and determine treatment
efficacy. Due to lack of sample size, observational studies commonly combine
data from multiple sources or different sites/centers. Despite the benefits of
an increased sample size, a naive combination of multicenter data may result in
incongruities stemming from center-specific protocols for generating cohorts or
reactions towards treatments distinct to a given center, among other things.
These issues arise in a variety of other contexts, including capturing a
treatment effect related to an individual's unique biological characteristics.
Existing methods for estimating heterogeneous treatment effects have not
adequately addressed the multicenter context, but rather treat it simply as a
means to obtain sufficient sample size. Additionally, previous approaches to
estimating treatment effects do not straightforwardly generalize to the
multicenter design, especially when required to provide treatment insights for
patients from a new, unobserved center. To address these shortcomings, we
propose Multiple Domain Causal Networks (MDCN), an approach that simultaneously
strengthens the information sharing between similar centers while addressing
the selection bias in treatment assignment through learning of a new feature
embedding. In empirical evaluations, MDCN is consistently more accurate when
estimating the heterogeneous treatment effect in new centers compared to
benchmarks that adjust solely based on treatment imbalance or general center
differences. Finally, we justify our approach by providing theoretical analyses
that demonstrate that MDCN improves on the generalization bound of the new,
unobserved target center.
|
108,779 | 108,779 |
Sharp Asymptotics of Kernel Ridge Regression Beyond the Linear Regime
|
The generalization performance of kernel ridge regression (KRR) exhibits a
multi-phased pattern that crucially depends on the scaling relationship between
the sample size $n$ and the underlying dimension $d$. This phenomenon is due to
the fact that KRR sequentially learns functions of increasing complexity as the
sample size increases; when $d^{k-1}\ll n\ll d^{k}$, only polynomials with
degree less than $k$ are learned. In this paper, we present sharp asymptotic
characterization of the performance of KRR at the critical transition regions
with $n \asymp d^k$, for $k\in\mathbb{Z}^{+}$. Our asymptotic characterization
provides a precise picture of the whole learning process and clarifies the
impact of various parameters (including the choice of the kernel function) on
the generalization performance. In particular, we show that the learning curves
of KRR can have a delicate "double descent" behavior due to specific
bias-variance trade-offs at different polynomial scaling regimes.
|
108,780 | 108,780 |
The ACM Multimedia 2022 Computational Paralinguistics Challenge:
Vocalisations, Stuttering, Activity, & Mosquitoes
|
The ACM Multimedia 2022 Computational Paralinguistics Challenge addresses
four different problems for the first time in a research competition under
well-defined conditions: In the Vocalisations and Stuttering Sub-Challenges, a
classification on human non-verbal vocalisations and speech has to be made; the
Activity Sub-Challenge aims at beyond-audio human activity recognition from
smartwatch sensor data; and in the Mosquitoes Sub-Challenge, mosquitoes need to
be detected. We describe the Sub-Challenges, baseline feature extraction, and
classifiers based on the usual ComPaRE and BoAW features, the auDeep toolkit,
and deep feature extraction from pre-trained CNNs using the DeepSpectRum
toolkit; in addition, we add end-to-end sequential modelling, and a
log-mel-128-BNN.
|
108,781 | 108,781 |
Distributed Transmission Control for Wireless Networks using Multi-Agent
Reinforcement Learning
|
We examine the problem of transmission control, i.e., when to transmit, in
distributed wireless communications networks through the lens of multi-agent
reinforcement learning. Most other works using reinforcement learning to
control or schedule transmissions use some centralized control mechanism,
whereas our approach is fully distributed. Each transmitter node is an
independent reinforcement learning agent and does not have direct knowledge of
the actions taken by other agents. We consider the case where only a subset of
agents can successfully transmit at a time, so each agent must learn to act
cooperatively with other agents. An agent may decide to transmit a certain
number of steps into the future, but this decision is not communicated to the
other agents, so it the task of the individual agents to attempt to transmit at
appropriate times. We achieve this collaborative behavior through studying the
effects of different actions spaces. We are agnostic to the physical layer,
which makes our approach applicable to many types of networks. We submit that
approaches similar to ours may be useful in other domains that use multi-agent
reinforcement learning with independent agents.
|
108,782 | 108,782 |
Goal-Guided Neural Cellular Automata: Learning to Control
Self-Organising Systems
|
Inspired by cellular growth and self-organization, Neural Cellular Automata
(NCAs) have been capable of "growing" artificial cells into images, 3D
structures, and even functional machines. NCAs are flexible and robust
computational systems but -- similarly to many other self-organizing systems --
inherently uncontrollable during and after their growth process. We present an
approach to control these type of systems called Goal-Guided Neural Cellular
Automata (GoalNCA), which leverages goal encodings to control cell behavior
dynamically at every step of cellular growth. This approach enables the NCA to
continually change behavior, and in some cases, generalize its behavior to
unseen scenarios. We also demonstrate the robustness of the NCA with its
ability to preserve task performance, even when only a portion of cells receive
goal information.
|
108,783 | 108,783 |
Transformation-Interaction-Rational Representation for Symbolic
Regression
|
Symbolic Regression searches for a function form that approximates a dataset
often using Genetic Programming.
Since there is usually no restriction to what form the function can have,
Genetic Programming may return a hard to understand model due to non-linear
function chaining or long expressions. A novel representation called
Interaction-Transformation was recently proposed to alleviate this problem. In
this representation, the function form is restricted to an affine combination
of terms generated as the application of a single univariate function to the
interaction of selected variables. This representation obtained competing
solutions on standard benchmarks. Despite the initial success, a broader set of
benchmarking functions revealed the limitations of the constrained
representation.
In this paper we propose an extension to this representation, called
Transformation-Interaction-Rational representation that defines a new function
form as the rational of two Interaction-Transformation functions. Additionally,
the target variable can also be transformed with an univariate function. The
main goal is to improve the approximation power while still constraining the
overall complexity of the expression.
We tested this representation with a standard Genetic Programming with
crossover and mutation. The results show a great improvement when compared to
its predecessor and a state-of-the-art performance for a large benchmark.
|
108,784 | 108,784 |
Nearly Optimal Algorithms for Linear Contextual Bandits with Adversarial
Corruptions
|
We study the linear contextual bandit problem in the presence of adversarial
corruption, where the reward at each round is corrupted by an adversary, and
the corruption level (i.e., the sum of corruption magnitudes over the horizon)
is $C\geq 0$. The best-known algorithms in this setting are limited in that
they either are computationally inefficient or require a strong assumption on
the corruption, or their regret is at least $C$ times worse than the regret
without corruption. In this paper, to overcome these limitations, we propose a
new algorithm based on the principle of optimism in the face of uncertainty. At
the core of our algorithm is a weighted ridge regression where the weight of
each chosen action depends on its confidence up to some threshold. We show that
for both known $C$ and unknown $C$ cases, our algorithm with proper choice of
hyperparameter achieves a regret that nearly matches the lower bounds. Thus,
our algorithm is nearly optimal up to logarithmic factors for both cases.
Notably, our algorithm achieves the near-optimal regret for both corrupted and
uncorrupted cases ($C=0$) simultaneously.
|
108,785 | 108,785 |
Principal-Agent Hypothesis Testing
|
Consider the relationship between the FDA (the principal) and a
pharmaceutical company (the agent). The pharmaceutical company wishes to sell a
product to make a profit, and the FDA wishes to ensure that only efficacious
drugs are released to the public. The efficacy of the drug is not known to the
FDA, so the pharmaceutical company must run a costly trial to prove efficacy to
the FDA. Critically, the statistical protocol used to establish efficacy
affects the behavior of a strategic, self-interested pharmaceutical company; a
lower standard of statistical evidence incentivizes the pharmaceutical company
to run more trials for drugs that are less likely to be effective, since the
drug may pass the trial by chance, resulting in large profits. The interaction
between the statistical protocol and the incentives of the pharmaceutical
company is crucial to understanding this system and designing protocols with
high social utility. In this work, we discuss how the principal and agent can
enter into a contract with payoffs based on statistical evidence. When there is
stronger evidence for the quality of the product, the principal allows the
agent to make a larger profit. We show how to design contracts that are robust
to an agent's strategic actions, and derive the optimal contract in the
presence of strategic behavior.
|
108,786 | 108,786 |
Multi-variant COVID-19 model with heterogeneous transmission rates using
deep neural networks
|
Mutating variants of COVID-19 have been reported across many US states since
2021. In the fight against COVID-19, it has become imperative to study the
heterogeneity in the time-varying transmission rates for each variant in the
presence of pharmaceutical and non-pharmaceutical mitigation measures. We
develop a Susceptible-Exposed-Infected-Recovered mathematical model to
highlight the differences in the transmission of the B.1.617.2 delta variant
and the original SARS-CoV-2. Theoretical results for the well-posedness of the
model are discussed. A Deep neural network is utilized and a deep learning
algorithm is developed to learn the time-varying heterogeneous transmission
rates for each variant. The accuracy of the algorithm for the model is shown
using error metrics in the data-driven simulation for COVID-19 variants in the
US states of Florida, Alabama, Tennessee, and Missouri. Short-term forecasting
of daily cases is demonstrated using long short term memory neural network and
an adaptive neuro-fuzzy inference system.
|
108,787 | 108,787 |
Optimal Parameter-free Online Learning with Switching Cost
|
Parameter-freeness in online learning refers to the adaptivity of an
algorithm with respect to the optimal decision in hindsight. In this paper, we
design such algorithms in the presence of switching cost - the latter penalizes
the optimistic updates required by parameter-freeness, leading to a delicate
design trade-off. Based on a novel dual space scaling strategy, we propose a
simple yet powerful algorithm for Online Linear Optimization (OLO) with
switching cost, which improves the existing suboptimal regret bound [ZCP22a] to
the optimal rate. The obtained benefit is extended to the expert setting, and
the practicality of our algorithm is demonstrated through a sequential
investment task.
|
108,788 | 108,788 |
Physics guided neural networks for modelling of non-linear dynamics
|
The success of the current wave of artificial intelligence can be partly
attributed to deep neural networks, which have proven to be very effective in
learning complex patterns from large datasets with minimal human intervention.
However, it is difficult to train these models on complex dynamical systems
from data alone due to their low data efficiency and sensitivity to
hyperparameters and initialisation. This work demonstrates that injection of
partially known information at an intermediate layer in a DNN can improve model
accuracy, reduce model uncertainty, and yield improved convergence during the
training. The value of these physics-guided neural networks has been
demonstrated by learning the dynamics of a wide variety of nonlinear dynamical
systems represented by five well-known equations in nonlinear systems theory:
the Lotka-Volterra, Duffing, Van der Pol, Lorenz, and Henon-Heiles systems.
|
108,789 | 108,789 |
From Images to Probabilistic Anatomical Shapes: A Deep Variational
Bottleneck Approach
|
Statistical shape modeling (SSM) directly from 3D medical images is an
underutilized tool for detecting pathology, diagnosing disease, and conducting
population-level morphology analysis. Deep learning frameworks have increased
the feasibility of adopting SSM in medical practice by reducing the
expert-driven manual and computational overhead in traditional SSM workflows.
However, translating such frameworks to clinical practice requires calibrated
uncertainty measures as neural networks can produce over-confident predictions
that cannot be trusted in sensitive clinical decision-making. Existing
techniques for predicting shape with aleatoric (data-dependent) uncertainty
utilize a principal component analysis (PCA) based shape representation
computed in isolation from the model training. This constraint restricts the
learning task to solely estimating pre-defined shape descriptors from 3D images
and imposes a linear relationship between this shape representation and the
output (i.e., shape) space. In this paper, we propose a principled framework
based on the variational information bottleneck theory to relax these
assumptions while predicting probabilistic shapes of anatomy directly from
images without supervised encoding of shape descriptors. Here, the latent
representation is learned in the context of the learning task, resulting in a
more scalable, flexible model that better captures data non-linearity.
Additionally, this model is self-regularized and generalizes better given
limited training data. Our experiments demonstrate that the proposed method
provides improved accuracy and better calibrated aleatoric uncertainty
estimates than state-of-the-art methods.
|
108,790 | 108,790 |
Sentiment Analysis of Covid-related Reddits
|
This paper focuses on Sentiment Analysis of Covid-19 related messages from
the r/Canada and r/Unitedkingdom subreddits of Reddit. We apply manual
annotation and three Machine Learning algorithms to analyze sentiments conveyed
in those messages. We use VADER and TextBlob to label messages for Machine
Learning experiments. Our results show that removal of shortest and longest
messages improves VADER and TextBlob agreement on positive sentiments and
F-score of sentiment classification by all the three algorithms
|
108,791 | 108,791 |
A Huber loss-based super learner with applications to healthcare
expenditures
|
Complex distributions of the healthcare expenditure pose challenges to
statistical modeling via a single model. Super learning, an ensemble method
that combines a range of candidate models, is a promising alternative for cost
estimation and has shown benefits over a single model. However, standard
approaches to super learning may have poor performance in settings where
extreme values are present, such as healthcare expenditure data. We propose a
super learner based on the Huber loss, a "robust" loss function that combines
squared error loss with absolute loss to down-weight the influence of outliers.
We derive oracle inequalities that establish bounds on the finite-sample and
asymptotic performance of the method. We show that the proposed method can be
used both directly to optimize Huber risk, as well as in finite-sample settings
where optimizing mean squared error is the ultimate goal. For this latter
scenario, we provide two methods for performing a grid search for values of the
robustification parameter indexing the Huber loss. Simulations and real data
analysis demonstrate appreciable finite-sample gains in cost prediction and
causal effect estimation using our proposed method.
|
108,792 | 108,792 |
AVCAffe: A Large Scale Audio-Visual Dataset of Cognitive Load and Affect
for Remote Work
|
We introduce AVCAffe, the first Audio-Visual dataset consisting of Cognitive
load and Affect attributes. We record AVCAffe by simulating remote work
scenarios over a video-conferencing platform, where subjects collaborate to
complete a number of cognitively engaging tasks. AVCAffe is the largest
originally collected (not collected from the Internet) affective dataset in
English language. We recruit 106 participants from 18 different countries of
origin, spanning an age range of 18 to 57 years old, with a balanced
male-female ratio. AVCAffe comprises a total of 108 hours of video, equivalent
to more than 58,000 clips along with task-based self-reported ground truth
labels for arousal, valence, and cognitive load attributes such as mental
demand, temporal demand, effort, and a few others. We believe AVCAffe would be
a challenging benchmark for the deep learning research community given the
inherent difficulty of classifying affect and cognitive load in particular.
Moreover, our dataset fills an existing timely gap by facilitating the creation
of learning systems for better self-management of remote work meetings, and
further study of hypotheses regarding the impact of remote work on cognitive
load and affective states.
|
108,793 | 108,793 |
Large-Scale Sequential Learning for Recommender and Engineering Systems
|
In this thesis, we focus on the design of an automatic algorithms that
provide personalized ranking by adapting to the current conditions. To
demonstrate the empirical efficiency of the proposed approaches we investigate
their applications for decision making in recommender systems and energy
systems domains. For the former, we propose novel algorithm called SAROS that
take into account both kinds of feedback for learning over the sequence of
interactions. The proposed approach consists in minimizing pairwise ranking
loss over blocks constituted by a sequence of non-clicked items followed by the
clicked one for each user. We also explore the influence of long memory on the
accurateness of predictions. SAROS shows highly competitive and promising
results based on quality metrics and also it turn out faster in terms of loss
convergence than stochastic gradient descent and batch classical approaches.
Regarding power systems, we propose an algorithm for faulted lines detection
based on focusing of misclassifications in lines close to the true event
location. The proposed idea of taking into account the neighbour lines shows
statistically significant results in comparison with the initial approach based
on convolutional neural networks for faults detection in power grid.
|
108,794 | 108,794 |
Robustness of Control Design via Bayesian Learning
|
In the realm of supervised learning, Bayesian learning has shown robust
predictive capabilities under input and parameter perturbations. Inspired by
these findings, we demonstrate the robustness properties of Bayesian learning
in the control search task. We seek to find a linear controller that stabilizes
a one-dimensional open-loop unstable stochastic system. We compare two methods
to deduce the controller: the first (deterministic) one assumes perfect
knowledge of system parameter and state, the second takes into account
uncertainties in both and employs Bayesian learning to compute a posterior
distribution for the controller.
|
108,795 | 108,795 |
Differentiable programming: Generalization, characterization and
limitations of deep learning
|
In the past years, deep learning models have been successfully applied in
several cognitive tasks. Originally inspired by neuroscience, these models are
specific examples of differentiable programs. In this paper we define and
motivate differentiable programming, as well as specify some program
characteristics that allow us to incorporate the structure of the problem in a
differentiable program. We analyze different types of differentiable programs,
from more general to more specific, and evaluate, for a specific problem with a
graph dataset, its structure and knowledge with several differentiable programs
using those characteristics. Finally, we discuss some inherent limitations of
deep learning and differentiable programs, which are key challenges in
advancing artificial intelligence, and then analyze possible solutions
|
108,796 | 108,796 |
Universal Post-Training Backdoor Detection
|
A Backdoor attack (BA) is an important type of adversarial attack against
deep neural network classifiers, wherein test samples from one or more source
classes will be (mis)classified to the attacker's target class when a backdoor
pattern (BP) is embedded. In this paper, we focus on the post-training backdoor
defense scenario commonly considered in the literature, where the defender aims
to detect whether a trained classifier was backdoor attacked, without any
access to the training set. To the best of our knowledge, existing
post-training backdoor defenses are all designed for BAs with presumed BP
types, where each BP type has a specific embedding function. They may fail when
the actual BP type used by the attacker (unknown to the defender) is different
from the BP type assumed by the defender. In contrast, we propose a universal
post-training defense that detects BAs with arbitrary types of BPs, without
making any assumptions about the BP type. Our detector leverages the influence
of the BA, independently of the BP type, on the landscape of the classifier's
outputs prior to the softmax layer. For each class, a maximum margin statistic
is estimated using a set of random vectors; detection inference is then
performed by applying an unsupervised anomaly detector to these statistics.
Thus, our detector is also an advance relative to most existing post-training
methods by not needing any legitimate clean samples, and can efficiently detect
BAs with arbitrary numbers of source classes. These advantages of our detector
over several state-of-the-art methods are demonstrated on four datasets, for
three different types of BPs, and for a variety of attack configurations.
Finally, we propose a novel, general approach for BA mitigation once a
detection is made.
|
108,797 | 108,797 |
Developing a Production System for Purpose of Call Detection in Business
Phone Conversations
|
For agents at a contact centre receiving calls, the most important piece of
information is the reason for a given call. An agent cannot provide support on
a call if they do not know why a customer is calling. In this paper we describe
our implementation of a commercial system to detect Purpose of Call statements
in English business call transcripts in real time. We present a detailed
analysis of types of Purpose of Call statements and language patterns related
to them, discuss an approach to collect rich training data by bootstrapping
from a set of rules to a neural model, and describe a hybrid model which
consists of a transformer-based classifier and a set of rules by leveraging
insights from the analysis of call transcripts. The model achieved 88.6 F1 on
average in various types of business calls when tested on real life data and
has low inference time. We reflect on the challenges and design decisions when
developing and deploying the system.
|
108,798 | 108,798 |
Perspectives on Incorporating Expert Feedback into Model Updates
|
Machine learning (ML) practitioners are increasingly tasked with developing
models that are aligned with non-technical experts' values and goals. However,
there has been insufficient consideration on how practitioners should translate
domain expertise into ML updates. In this paper, we consider how to capture
interactions between practitioners and experts systematically. We devise a
taxonomy to match expert feedback types with practitioner updates. A
practitioner may receive feedback from an expert at the observation- or
domain-level, and convert this feedback into updates to the dataset, loss
function, or parameter space. We review existing work from ML and
human-computer interaction to describe this feedback-update taxonomy, and
highlight the insufficient consideration given to incorporating feedback from
non-technical experts. We end with a set of open questions that naturally arise
from our proposed taxonomy and subsequent survey.
|
108,799 | 108,799 |
Structural Dropout for Model Width Compression
|
Existing ML models are known to be highly over-parametrized, and use
significantly more resources than required for a given task. Prior work has
explored compressing models offline, such as by distilling knowledge from
larger models into much smaller ones. This is effective for compression, but
does not give an empirical method for measuring how much the model can be
compressed, and requires additional training for each compressed model. We
propose a method that requires only a single training session for the original
model and a set of compressed models. The proposed approach is a "structural"
dropout that prunes all elements in the hidden state above a randomly chosen
index, forcing the model to learn an importance ordering over its features.
After learning this ordering, at inference time unimportant features can be
pruned while retaining most accuracy, reducing parameter size significantly. In
this work, we focus on Structural Dropout for fully-connected layers, but the
concept can be applied to any kind of layer with unordered features, such as
convolutional or attention layers. Structural Dropout requires no additional
pruning/retraining, but requires additional validation for each possible hidden
sizes. At inference time, a non-expert can select a memory versus accuracy
trade-off that best suits their needs, across a wide range of highly compressed
versus more accurate models.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.