Unnamed: 0.1
int64 0
113k
| Unnamed: 0
float64 0
113k
⌀ | title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|---|---|
109,700 | 109,700 | Throwing Away Data Improves Worst-Class Error in Imbalanced
Classification | Class imbalances pervade classification problems, yet their treatment differs
in theory and practice. On the one hand, learning theory instructs us that
\emph{more data is better}, as sample size relates inversely to the average
test error over the entire data distribution. On the other hand, practitioners
have long developed a plethora of tricks to improve the performance of learning
machines over imbalanced data.
These include data reweighting and subsampling, synthetic construction of
additional samples from minority classes, ensembling expensive one-versus all
architectures, and tweaking classification losses and thresholds. All of these
are efforts to minimize the worst-class error, which is often associated to the
minority group in the training data, and finds additional motivation in the
robustness, fairness, and out-of-distribution literatures.
Here we take on the challenge of developing learning theory able to describe
the worst-class error of classifiers over linearly-separable data when fitted
either on (i) the full training set, or (ii) a subset where the majority class
is subsampled to match in size the minority class. We borrow tools from extreme
value theory to show that, under distributions with certain tail properties,
\emph{throwing away most data from the majority class leads to better
worst-class error}.
|
109,701 | 109,701 | PCA-Boosted Autoencoders for Nonlinear Dimensionality Reduction in Low
Data Regimes | Autoencoders (AE) provide a useful method for nonlinear dimensionality
reduction but are ill-suited for low data regimes. Conversely, Principal
Component Analysis (PCA) is data-efficient but is limited to linear
dimensionality reduction, posing a problem when data exhibits inherent
nonlinearity. This presents a challenge in various scientific and engineering
domains such as the nanophotonic component design, where data exhibits
nonlinear features while being expensive to obtain due to costly real
measurements or resource-consuming solutions of partial differential equations.
To address this difficulty, we propose a technique that harnesses the best of
both worlds: an autoencoder that leverages PCA to perform well on scarce
nonlinear data. Specifically, we outline a numerically robust PCA-based
initialization of AE, which, together with the parameterized ReLU activation
function, allows the training process to start from an exact PCA solution and
improve upon it. A synthetic example is presented first to study the effects of
data nonlinearity and size on the performance of the proposed method. We then
evaluate our method on several nanophotonic component design problems where
obtaining useful data is expensive. To demonstrate universality, we also apply
it to tasks in other scientific domains: a benchmark breast cancer dataset and
a gene expression dataset.
We show that our proposed approach is substantially better than both PCA and
randomly initialized AE in the majority of low-data regime cases we consider,
or at least is comparable to the best of either of the other two methods.
|
109,702 | 109,702 | Learning multi-scale functional representations of proteins from
single-cell microscopy data | Protein function is inherently linked to its localization within the cell,
and fluorescent microscopy data is an indispensable resource for learning
representations of proteins. Despite major developments in molecular
representation learning, extracting functional information from biological
images remains a non-trivial computational task. Current state-of-the-art
approaches use autoencoder models to learn high-quality features by
reconstructing images. However, such methods are prone to capturing noise and
imaging artifacts. In this work, we revisit deep learning models used for
classifying major subcellular localizations, and evaluate representations
extracted from their final layers. We show that simple convolutional networks
trained on localization classification can learn protein representations that
encapsulate diverse functional information, and significantly outperform
autoencoder-based models. We also propose a robust evaluation strategy to
assess quality of protein representations across different scales of biological
function.
|
109,703 | 109,703 | Semi-Supervised Clustering of Sparse Graphs: Crossing the
Information-Theoretic Threshold | The stochastic block model is a canonical random graph model for clustering
and community detection on network-structured data. Decades of extensive study
on the problem have established many profound results, among which the phase
transition at the Kesten-Stigum threshold is particularly interesting both from
a mathematical and an applied standpoint. It states that no estimator based on
the network topology can perform substantially better than chance on sparse
graphs if the model parameter is below certain threshold. Nevertheless, if we
slightly extend the horizon to the ubiquitous semi-supervised setting, such a
fundamental limitation will disappear completely. We prove that with arbitrary
fraction of the labels revealed, the detection problem is feasible throughout
the parameter domain. Moreover, we introduce two efficient algorithms, one
combinatorial and one based on optimization, to integrate label information
with graph structures. Our work brings a new perspective to stochastic model of
networks and semidefinite program research.
|
109,704 | 109,704 | Compressing Deep Graph Neural Networks via Adversarial Knowledge
Distillation | Deep graph neural networks (GNNs) have been shown to be expressive for
modeling graph-structured data. Nevertheless, the over-stacked architecture of
deep graph models makes it difficult to deploy and rapidly test on mobile or
embedded systems. To compress over-stacked GNNs, knowledge distillation via a
teacher-student architecture turns out to be an effective technique, where the
key step is to measure the discrepancy between teacher and student networks
with predefined distance functions. However, using the same distance for graphs
of various structures may be unfit, and the optimal distance formulation is
hard to determine. To tackle these problems, we propose a novel Adversarial
Knowledge Distillation framework for graph models named GraphAKD, which
adversarially trains a discriminator and a generator to adaptively detect and
decrease the discrepancy. Specifically, noticing that the well-captured
inter-node and inter-class correlations favor the success of deep GNNs, we
propose to criticize the inherited knowledge from node-level and class-level
views with a trainable discriminator. The discriminator distinguishes between
teacher knowledge and what the student inherits, while the student GNN works as
a generator and aims to fool the discriminator. To our best knowledge, GraphAKD
is the first to introduce adversarial training to knowledge distillation in
graph domains. Experiments on node-level and graph-level classification
benchmarks demonstrate that GraphAKD improves the student performance by a
large margin. The results imply that GraphAKD can precisely transfer knowledge
from a complicated teacher GNN to a compact student GNN.
|
109,705 | 109,705 | HiPAL: A Deep Framework for Physician Burnout Prediction Using Activity
Logs in Electronic Health Records | Burnout is a significant public health concern affecting nearly half of the
healthcare workforce. This paper presents the first end-to-end deep learning
framework for predicting physician burnout based on clinician activity logs,
digital traces of their work activities, available in any electronic health
record (EHR) system. In contrast to prior approaches that exclusively relied on
surveys for burnout measurement, our framework directly learns deep workload
representations from large-scale clinician activity logs to predict burnout. We
propose the Hierarchical burnout Prediction based on Activity Logs (HiPAL),
featuring a pre-trained time-dependent activity embedding mechanism tailored
for activity logs and a hierarchical predictive model, which mirrors the
natural hierarchical structure of clinician activity logs and captures
physician's evolving workload patterns at both short-term and long-term levels.
To utilize the large amount of unlabeled activity logs, we propose a
semi-supervised framework that learns to transfer knowledge extracted from
unlabeled clinician activities to the HiPAL-based prediction model. The
experiment on over 15 million clinician activity logs collected from the EHR at
a large academic medical center demonstrates the advantages of our proposed
framework in predictive performance of physician burnout and training
efficiency over state of the art approaches.
|
109,706 | 109,706 | High-Order Pooling for Graph Neural Networks with Tensor Decomposition | Graph Neural Networks (GNNs) are attracting growing attention due to their
effectiveness and flexibility in modeling a variety of graph-structured data.
Exiting GNN architectures usually adopt simple pooling operations (e.g., sum,
average, max) when aggregating messages from a local neighborhood for updating
node representation or pooling node representations from the entire graph to
compute the graph representation. Though simple and effective, these linear
operations do not model high-order non-linear interactions among nodes. We
propose the Tensorized Graph Neural Network (tGNN), a highly expressive GNN
architecture relying on tensor decomposition to model high-order non-linear
node interactions. tGNN leverages the symmetric CP decomposition to efficiently
parameterize permutation-invariant multilinear maps for modeling node
interactions. Theoretical and empirical analysis on both node and graph
classification tasks show the superiority of tGNN over competitive baselines.
In particular, tGNN achieves state-of-the-art results on two OGB node
classification datasets and one OGB graph classification dataset.
|
109,707 | 109,707 | RCC-GAN: Regularized Compound Conditional GAN for Large-Scale Tabular
Data Synthesis | This paper introduces a novel generative adversarial network (GAN) for
synthesizing large-scale tabular databases which contain various features such
as continuous, discrete, and binary. Technically, our GAN belongs to the
category of class-conditioned generative models with a predefined conditional
vector. However, we propose a new formulation for deriving such a vector
incorporating both binary and discrete features simultaneously. We refer to
this noble definition as compound conditional vector and employ it for training
the generator network. The core architecture of this network is a three-layered
deep residual neural network with skip connections. For improving the stability
of such complex architecture, we present a regularization scheme towards
limiting unprecedented variations on its weight vectors during training. This
regularization approach is quite compatible with the nature of adversarial
training and it is not computationally prohibitive in runtime. Furthermore, we
constantly monitor the variation of the weight vectors for identifying any
potential instabilities or irregularities to measure the strength of our
proposed regularizer. Toward this end, we also develop a new metric for
tracking sudden perturbation on the weight vectors using the singular value
decomposition theory. Finally, we evaluate the performance of our proposed
synthesis approach on six benchmarking tabular databases, namely Adult, Census,
HCDR, Cabs, News, and King. The achieved results corroborate that for the
majority of the cases, our proposed RccGAN outperforms other conventional and
modern generative models in terms of accuracy, stability, and reliability.
|
109,708 | 109,708 | Functional Network: A Novel Framework for Interpretability of Deep
Neural Networks | The layered structure of deep neural networks hinders the use of numerous
analysis tools and thus the development of its interpretability. Inspired by
the success of functional brain networks, we propose a novel framework for
interpretability of deep neural networks, that is, the functional network. We
construct the functional network of fully connected networks and explore its
small-worldness. In our experiments, the mechanisms of regularization methods,
namely, batch normalization and dropout, are revealed using graph theoretical
analysis and topological data analysis. Our empirical analysis shows the
following: (1) Batch normalization enhances model performance by increasing the
global e ciency and the number of loops but reduces adversarial robustness by
lowering the fault tolerance. (2) Dropout improves generalization and
robustness of models by improving the functional specialization and fault
tolerance. (3) The models with dierent regularizations can be clustered
correctly according to their functional topological dierences, re ecting the
great potential of the functional network and topological data analysis in
interpretability.
|
109,709 | 109,709 | Randomly Initialized One-Layer Neural Networks Make Data Linearly
Separable | Recently, neural networks have been shown to perform exceptionally well in
transforming two arbitrary sets into two linearly separable sets. Doing this
with a randomly initialized neural network is of immense interest because the
associated computation is cheaper than using fully trained networks. In this
paper, we show that, with sufficient width, a randomly initialized one-layer
neural network transforms two sets into two linearly separable sets with high
probability. Furthermore, we provide explicit bounds on the required width of
the neural network for this to occur. Our first bound is exponential in the
input dimension and polynomial in all other parameters, while our second bound
is independent of the input dimension, thereby overcoming the curse of
dimensionality. We also perform an experimental study comparing the separation
capacity of randomly initialized one-layer and two-layer neural networks. With
correctly chosen biases, our study shows for low-dimensional data, the
two-layer neural network outperforms the one-layer network. However, the
opposite is observed for higher-dimensional data.
|
109,710 | 109,710 | Semi-Parametric Deep Neural Networks in Linear Time and Memory | Recent advances in deep learning have been driven by large-scale parametric
models, which can be computationally expensive and lack interpretability.
Semi-parametric methods query the training set at inference time and can be
more compact, although they typically have quadratic computational complexity.
Here, we introduce SPIN, a general-purpose semi-parametric neural architecture
whose computational cost is linear in the size and dimensionality of the data.
Our architecture is inspired by inducing point methods and relies on a novel
application of cross-attention between datapoints. At inference time, its
computational cost is constant in the training set size as the data gets
distilled into a fixed number of inducing points. We find that our method
reduces the computational requirements of existing semi-parametric models by up
to an order of magnitude across a range of datasets and improves
state-of-the-art performance on an important practical problem, genotype
imputation.
|
109,711 | 109,711 | Embedding Neighborhoods Simultaneously t-SNE (ENS-t-SNE) | We propose an algorithm for visualizing a dataset by embedding it in
3-dimensional Euclidean space based on various given distances between the same
pairs of datapoints. Its aim is to find an Embedding which preserves
Neighborhoods Simultaneously for all given distances by generalizing the
t-Stochastic Neighborhood Embedding approach (ENS-t-SNE). We illustrate the
utility of ENS-t-SNE by demonstrating its use in three applications. First, to
visualize different notions of clusters and groups within the same
high-dimensional dataset with one 3-dimensional embedding, as opposed to
providing different embeddings of the same data and trying to match the
corresponding points. Second, to illustrate the effects of different
hyper-parameters of the classical t-SNE. Third, by considering multiple
different notions of clustering in data, ENS-t-SNE can generate an alternative
embedding than the classic t-SNE. We provide an extensive quantitative
evaluation with real-world and synthetic datasets of different sizes and using
different numbers of projections.
|
109,712 | 109,712 | On the Role of Bidirectionality in Language Model Pre-Training | Prior work on language model pre-training has explored different
architectures and learning objectives, but differences in data, hyperparameters
and evaluation make a principled comparison difficult. In this work, we focus
on bidirectionality as a key factor that differentiates existing approaches,
and present a comprehensive study of its role in next token prediction, text
infilling, zero-shot priming and fine-tuning. We propose a new framework that
generalizes prior approaches, including fully unidirectional models like GPT,
fully bidirectional models like BERT, and hybrid models like CM3 and prefix LM.
Our framework distinguishes between two notions of bidirectionality
(bidirectional context and bidirectional attention) and allows us to control
each of them separately. We find that the optimal configuration is largely
application-dependent (e.g., bidirectional attention is beneficial for
fine-tuning and infilling, but harmful for next token prediction and zero-shot
priming). We train models with up to 6.7B parameters, and find differences to
remain consistent at scale. While prior work on scaling has focused on
left-to-right autoregressive models, our results suggest that this approach
comes with some trade-offs, and it might be worthwhile to develop very large
bidirectional models.
|
109,713 | 109,713 | ItemSage: Learning Product Embeddings for Shopping Recommendations at
Pinterest | Learned embeddings for products are an important building block for web-scale
e-commerce recommendation systems. At Pinterest, we build a single set of
product embeddings called ItemSage to provide relevant recommendations in all
shopping use cases including user, image and search based recommendations. This
approach has led to significant improvements in engagement and conversion
metrics, while reducing both infrastructure and maintenance cost. While most
prior work focuses on building product embeddings from features coming from a
single modality, we introduce a transformer-based architecture capable of
aggregating information from both text and image modalities and show that it
significantly outperforms single modality baselines. We also utilize multi-task
learning to make ItemSage optimized for several engagement types, leading to a
candidate generation system that is efficient for all of the engagement
objectives of the end-to-end recommendation system. Extensive offline
experiments are conducted to illustrate the effectiveness of our approach and
results from online A/B experiments show substantial gains in key business
metrics (up to +7% gross merchandise value/user and +11% click volume).
|
109,714 | 109,714 | Soft-SVM Regression For Binary Classification | The binomial deviance and the SVM hinge loss functions are two of the most
widely used loss functions in machine learning. While there are many
similarities between them, they also have their own strengths when dealing with
different types of data. In this work, we introduce a new exponential family
based on a convex relaxation of the hinge loss function using softness and
class-separation parameters. This new family, denoted Soft-SVM, allows us to
prescribe a generalized linear model that effectively bridges between logistic
regression and SVM classification. This new model is interpretable and avoids
data separability issues, attaining good fitting and predictive performance by
automatically adjusting for data label separability via the softness parameter.
These results are confirmed empirically through simulations and case studies as
we compare regularized logistic, SVM, and Soft-SVM regressions and conclude
that the proposed model performs well in terms of both classification and
prediction errors.
|
109,715 | 109,715 | Towards a Defense against Backdoor Attacks in Continual Federated
Learning | Backdoor attacks are a major concern in federated learning (FL) pipelines
where training data is sourced from untrusted clients over long periods of time
(i.e., continual learning). Preventing such attacks is difficult because
defenders in FL do not have access to raw training data. Moreover, in a
phenomenon we call backdoor leakage, models trained continuously eventually
suffer from backdoors due to cumulative errors in backdoor defense mechanisms.
We propose a novel framework for defending against backdoor attacks in the
federated continual learning setting. Our framework trains two models in
parallel: a backbone model and a shadow model. The backbone is trained without
any defense mechanism to obtain good performance on the main task. The shadow
model combines recent ideas from robust covariance estimation-based filters
with early-stopping to control the attack success rate even as the data
distribution changes. We provide theoretical motivation for this design and
show experimentally that our framework significantly improves upon existing
defenses against backdoor attacks.
|
109,716 | 109,716 | Demand Response Method Considering Multiple Types of Flexible Loads in
Industrial Parks | With the rapid development of the energy internet, the proportion of flexible
loads in smart grid is getting much higher than before. It is highly important
to model flexible loads based on demand response. Therefore, a new demand
response method considering multiple flexible loads is proposed in this paper
to character the integrated demand response (IDR) resources. Firstly, a
physical process analytical deduction (PPAD) model is proposed to improve the
classification of flexible loads in industrial parks. Scenario generation, data
point augmentation, and smooth curves under various operating conditions are
considered to enhance the applicability of the model. Secondly, in view of the
strong volatility and poor modeling effect of Wasserstein-generative
adversarial networks (WGAN), an improved WGAN-gradient penalty (IWGAN-GP) model
is developed to get a faster convergence speed than traditional WGAN and
generate a higher quality samples. Finally, the PPAD and IWGAN-GP models are
jointly implemented to reveal the degree of correlation between flexible loads.
Meanwhile, an intelligent offline database is built to deal with the impact of
nonlinear factors in different response scenarios. Numerical examples have been
performed with the results proving that the proposed method is significantly
better than the existing technologies in reducing load modeling deviation and
improving the responsiveness of park loads.
|
109,717 | 109,717 | Alleviating Robust Overfitting of Adversarial Training With Consistency
Regularization | Adversarial training (AT) has proven to be one of the most effective ways to
defend Deep Neural Networks (DNNs) against adversarial attacks. However, the
phenomenon of robust overfitting, i.e., the robustness will drop sharply at a
certain stage, always exists during AT. It is of great importance to decrease
this robust generalization gap in order to obtain a robust model. In this
paper, we present an in-depth study towards the robust overfitting from a new
angle. We observe that consistency regularization, a popular technique in
semi-supervised learning, has a similar goal as AT and can be used to alleviate
robust overfitting. We empirically validate this observation, and find a
majority of prior solutions have implicit connections to consistency
regularization. Motivated by this, we introduce a new AT solution, which
integrates the consistency regularization and Mean Teacher (MT) strategy into
AT. Specifically, we introduce a teacher model, coming from the average weights
of the student models over the training steps. Then we design a consistency
loss function to make the prediction distribution of the student models over
adversarial examples consistent with that of the teacher model over clean
samples. Experiments show that our proposed method can effectively alleviate
robust overfitting and improve the robustness of DNN models against common
adversarial attacks.
|
109,718 | 109,718 | BabyBear: Cheap inference triage for expensive language models | Transformer language models provide superior accuracy over previous models
but they are computationally and environmentally expensive. Borrowing the
concept of model cascading from computer vision, we introduce BabyBear, a
framework for cascading models for natural language processing (NLP) tasks to
minimize cost. The core strategy is inference triage, exiting early when the
least expensive model in the cascade achieves a sufficiently high-confidence
prediction. We test BabyBear on several open source data sets related to
document classification and entity recognition. We find that for common NLP
tasks a high proportion of the inference load can be accomplished with cheap,
fast models that have learned by observing a deep learning model. This allows
us to reduce the compute cost of large-scale classification jobs by more than
50% while retaining overall accuracy. For named entity recognition, we save 33%
of the deep learning compute while maintaining an F1 score higher than 95% on
the CoNLL benchmark.
|
109,719 | 109,719 | MOSPAT: AutoML based Model Selection and Parameter Tuning for Time
Series Anomaly Detection | Organizations leverage anomaly and changepoint detection algorithms to detect
changes in user behavior or service availability and performance. Many
off-the-shelf detection algorithms, though effective, cannot readily be used in
large organizations where thousands of users monitor millions of use cases and
metrics with varied time series characteristics and anomaly patterns. The
selection of algorithm and parameters needs to be precise for each use case:
manual tuning does not scale, and automated tuning requires ground truth, which
is rarely available.
In this paper, we explore MOSPAT, an end-to-end automated machine learning
based approach for model and parameter selection, combined with a generative
model to produce labeled data. Our scalable end-to-end system allows individual
users in large organizations to tailor time-series monitoring to their specific
use case and data characteristics, without expert knowledge of anomaly
detection algorithms or laborious manual labeling. Our extensive experiments on
real and synthetic data demonstrate that this method consistently outperforms
using any single algorithm.
|
109,720 | 109,720 | Byzantine-Robust Federated Learning with Optimal Statistical Rates and
Privacy Guarantees | We propose Byzantine-robust federated learning protocols with nearly optimal
statistical rates. In contrast to prior work, our proposed protocols improve
the dimension dependence and achieve a tight statistical rate in terms of all
the parameters for strongly convex losses. We benchmark against competing
protocols and show the empirical superiority of the proposed protocols.
Finally, we remark that our protocols with bucketing can be naturally combined
with privacy-guaranteeing procedures to introduce security against a
semi-honest server. The code for evaluation is provided in
https://github.com/wanglun1996/secure-robust-federated-learning.
|
109,721 | 109,721 | Learning Context-Aware Service Representation for Service Recommendation
in Workflow Composition | As increasingly more software services have been published onto the Internet,
it remains a significant challenge to recommend suitable services to facilitate
scientific workflow composition. This paper proposes a novel NLP-inspired
approach to recommending services throughout a workflow development process,
based on incrementally learning latent service representation from workflow
provenance. A workflow composition process is formalized as a step-wise,
context-aware service generation procedure, which is mapped to next-word
prediction in a natural language sentence. Historical service dependencies are
extracted from workflow provenance to build and enrich a knowledge graph. Each
path in the knowledge graph reflects a scenario in a data analytics experiment,
which is analogous to a sentence in a conversation. All paths are thus
formalized as composable service sequences and are mined, using various
patterns, from the established knowledge graph to construct a corpus. Service
embeddings are then learned by applying deep learning model from the NLP field.
Extensive experiments on the real-world dataset demonstrate the effectiveness
and efficiency of the approach.
|
109,722 | 109,722 | Constrained Monotonic Neural Networks | Deep neural networks are becoming increasingly popular in approximating
arbitrary functions from noisy data. But wider adoption is being hindered by
the need to explain such models and to impose additional constraints on them.
Monotonicity constraint is one of the most requested properties in real-world
scenarios and is the focus of this paper. One of the oldest ways to construct a
monotonic fully connected neural network is to constrain its weights to be
non-negative while employing a monotonic activation function. Unfortunately,
this construction does not work with popular non-saturated activation functions
such as ReLU, ELU, SELU etc, as it can only approximate convex functions. We
show this shortcoming can be fixed by employing the original activation
function for a part of the neurons in the layer, and employing its point
reflection for the other part. Our experiments show this approach of building
monotonic deep neural networks have matching or better accuracy when compared
to other state-of-the-art methods such as deep lattice networks or monotonic
networks obtained by heuristic regularization. This method is the simplest one
in the sense of having the least number of parameters, not requiring any
modifications to the learning procedure or steps post-learning steps.
|
109,723 | 109,723 | Wireless Ad Hoc Federated Learning: A Fully Distributed Cooperative
Machine Learning | Federated learning has allowed training of a global model by aggregating
local models trained on local nodes. However, it still takes client-server
model, which can be further distributed, fully decentralized, or even partially
connected, or totally opportunistic. In this paper, we propose a wireless ad
hoc federated learning (WAFL) -- a fully distributed cooperative machine
learning organized by the nodes physically nearby. Here, each node has a
wireless interface and can communicate with each other when they are within the
radio range. The nodes are expected to move with people, vehicles, or robots,
producing opportunistic contacts with each other. In WAFL, each node trains a
model individually with the local data it has. When a node encounter with
others, they exchange their trained models, and generate new aggregated models,
which are expected to be more general compared to the locally trained models on
Non-IID data. For evaluation, we have prepared four static communication
networks and two types of dynamic and opportunistic communication networks
based on random waypoint mobility and community-structured environment, and
then studied the training process of a fully connected neural network with 90%
Non-IID MNIST dataset. The evaluation results indicate that WAFL allowed the
convergence of model parameters among the nodes toward generalization, even
with opportunistic node contact scenarios -- whereas in self-training (or
lonely training) case, they have diverged. This WAFL's model generalization
contributed to achieving higher accuracy 94.7-96.2% to the testing IID dataset
compared to the self-training case 84.7%.
|
109,724 | 109,724 | Attributing AUC-ROC to Analyze Binary Classifier Performance | Area Under the Receiver Operating Characteristic Curve (AUC-ROC) is a popular
evaluation metric for binary classifiers. In this paper, we discuss techniques
to segment the AUC-ROC along human-interpretable dimensions. AUC-ROC is not an
additive/linear function over the data samples, therefore such segmenting the
overall AUC-ROC is different from tabulating the AUC-ROC of data segments. To
segment the overall AUC-ROC, we must first solve an \emph{attribution} problem
to identify credit for individual examples.
We observe that AUC-ROC, though non-linear over examples, is linear over
\emph{pairs} of examples. This observation leads to a simple, efficient
attribution technique for examples (example attributions), and for pairs of
examples (pair attributions). We automatically slice these attributions using
decision trees by making the tree predict the attributions; we use the notion
of honest estimates along with a t-test to mitigate false discovery.
Our experiments with the method show that an inferior model can outperform a
superior model (trained to optimize a different training objective) on the
inferior model's own training objective, a manifestation of Goodhart's Law. In
contrast, AUC attributions enable a reasonable comparison. Example attributions
can be used to slice this comparison. Pair attributions are used to categorize
pairs of items -- one positively labeled and one negatively -- that the model
has trouble separating. These categories identify the decision boundary of the
classifier and the headroom to improve AUC.
|
109,725 | 109,725 | Transition to Linearity of General Neural Networks with Directed Acyclic
Graph Architecture | In this paper we show that feedforward neural networks corresponding to
arbitrary directed acyclic graphs undergo transition to linearity as their
"width" approaches infinity. The width of these general networks is
characterized by the minimum in-degree of their neurons, except for the input
and first layers. Our results identify the mathematical structure underlying
transition to linearity and generalize a number of recent works aimed at
characterizing transition to linearity or constancy of the Neural Tangent
Kernel for standard architectures.
|
109,726 | 109,726 | Quadratic models for understanding neural network dynamics | In this work, we propose using a quadratic model as a tool for understanding
properties of wide neural networks in both optimization and generalization. We
show analytically that certain deep learning phenomena such as the "catapult
phase" from [Lewkowycz et al. 2020], which cannot be captured by linear models,
are manifested in the quadratic model for shallow ReLU networks. Furthermore,
our empirical results indicate that the behaviour of quadratic models parallels
that of neural networks in generalization, especially in the large learning
rate regime. We expect that quadratic models will serve as a useful tool for
analysis of neural networks.
|
109,727 | 109,727 | Accelerating Frank-Wolfe via Averaging Step Directions | The Frank-Wolfe method is a popular method in sparse constrained
optimization, due to its fast per-iteration complexity. However, the tradeoff
is that its worst case global convergence is comparatively slow, and
importantly, is fundamentally slower than its flow rate--that is to say, the
convergence rate is throttled by discretization error. In this work, we
consider a modified Frank-Wolfe where the step direction is a simple weighted
average of past oracle calls. This method requires very little memory and
computational overhead, and provably decays this discretization error term.
Numerically, we show that this method improves the convergence rate over
several problems, especially after the sparse manifold has been detected.
Theoretically, we show the method has an overall global convergence rate of
$O(1/k^p)$, where $0< p < 1$; after manifold identification, this rate speeds
to $O(1/k^{3p/2})$. We also observe that the method achieves this accelerated
rate from a very early stage, suggesting a promising mode of acceleration for
this family of methods.
|
109,728 | 109,728 | G-Rep: Gaussian Representation for Arbitrary-Oriented Object Detection | Arbitrary-oriented object representations contain the oriented bounding box
(OBB), quadrilateral bounding box (QBB), and point set (PointSet). Each
representation encounters problems that correspond to its characteristics, such
as the boundary discontinuity, square-like problem, representation ambiguity,
and isolated points, which lead to inaccurate detection. Although many
effective strategies have been proposed for various representations, there is
still no unified solution. Current detection methods based on Gaussian modeling
have demonstrated the possibility of breaking this dilemma; however, they
remain limited to OBB. To go further, in this paper, we propose a unified
Gaussian representation called G-Rep to construct Gaussian distributions for
OBB, QBB, and PointSet, which achieves a unified solution to various
representations and problems. Specifically, PointSet or QBB-based objects are
converted into Gaussian distributions, and their parameters are optimized using
the maximum likelihood estimation algorithm. Then, three optional Gaussian
metrics are explored to optimize the regression loss of the detector because of
their excellent parameter optimization mechanisms. Furthermore, we also use
Gaussian metrics for sampling to align label assignment and regression loss.
Experimental results on several public available datasets, DOTA, HRSC2016,
UCAS-AOD, and ICDAR2015 show the excellent performance of the proposed method
for arbitrary-oriented object detection. The code has been open sourced at
https://github.com/open-mmlab/mmrotate.
|
109,729 | 109,729 | SepIt: Approaching a Single Channel Speech Separation Bound | We present an upper bound for the Single Channel Speech Separation task,
which is based on an assumption regarding the nature of short segments of
speech. Using the bound, we are able to show that while the recent methods have
made significant progress for a few speakers, there is room for improvement for
five and ten speakers. We then introduce a Deep neural network, SepIt, that
iteratively improves the different speakers' estimation. At test time, SpeIt
has a varying number of iterations per test sample, based on a mutual
information criterion that arises from our analysis. In an extensive set of
experiments, SepIt outperforms the state-of-the-art neural networks for 2, 3,
5, and 10 speakers.
|
109,730 | 109,730 | NFL: Robust Learned Index via Distribution Transformation | Recent works on learned index open a new direction for the indexing field.
The key insight of the learned index is to approximate the mapping between keys
and positions with piece-wise linear functions. Such methods require
partitioning key space for a better approximation. Although lots of heuristics
are proposed to improve the approximation quality, the bottleneck is that the
segmentation overheads could hinder the overall performance. This paper tackles
the approximation problem by applying a \textit{distribution transformation} to
the keys before constructing the learned index. A two-stage
Normalizing-Flow-based Learned index framework (NFL) is proposed, which first
transforms the original complex key distribution into a near-uniform
distribution, then builds a learned index leveraging the transformed keys. For
effective distribution transformation, we propose a Numerical Normalizing Flow
(Numerical NF). Based on the characteristics of the transformed keys, we
propose a robust After-Flow Learned Index (AFLI). To validate the performance,
comprehensive evaluations are conducted on both synthetic and real-world
workloads, which shows that the proposed NFL produces the highest throughput
and the lowest tail latency compared to the state-of-the-art learned indexes.
|
109,731 | 109,731 | Learning to Assemble Geometric Shapes | Assembling parts into an object is a combinatorial problem that arises in a
variety of contexts in the real world and involves numerous applications in
science and engineering. Previous related work tackles limited cases with
identical unit parts or jigsaw-style parts of textured shapes, which greatly
mitigate combinatorial challenges of the problem. In this work, we introduce
the more challenging problem of shape assembly, which involves textureless
fragments of arbitrary shapes with indistinctive junctions, and then propose a
learning-based approach to solving it. We demonstrate the effectiveness on
shape assembly tasks with various scenarios, including the ones with abnormal
fragments (e.g., missing and distorted), the different number of fragments, and
different rotation discretization.
|
109,732 | 109,732 | Penalized Proximal Policy Optimization for Safe Reinforcement Learning | Safe reinforcement learning aims to learn the optimal policy while satisfying
safety constraints, which is essential in real-world applications. However,
current algorithms still struggle for efficient policy updates with hard
constraint satisfaction. In this paper, we propose Penalized Proximal Policy
Optimization (P3O), which solves the cumbersome constrained policy iteration
via a single minimization of an equivalent unconstrained problem. Specifically,
P3O utilizes a simple-yet-effective penalty function to eliminate cost
constraints and removes the trust-region constraint by the clipped surrogate
objective. We theoretically prove the exactness of the proposed method with a
finite penalty factor and provide a worst-case analysis for approximate error
when evaluated on sample trajectories. Moreover, we extend P3O to more
challenging multi-constraint and multi-agent scenarios which are less studied
in previous work. Extensive experiments show that P3O outperforms
state-of-the-art algorithms with respect to both reward improvement and
constraint satisfaction on a set of constrained locomotive tasks.
|
109,733 | 109,733 | Quarantine: Sparsity Can Uncover the Trojan Attack Trigger for Free | Trojan attacks threaten deep neural networks (DNNs) by poisoning them to
behave normally on most samples, yet to produce manipulated results for inputs
attached with a particular trigger. Several works attempt to detect whether a
given DNN has been injected with a specific trigger during the training. In a
parallel line of research, the lottery ticket hypothesis reveals the existence
of sparse subnetworks which are capable of reaching competitive performance as
the dense network after independent training. Connecting these two dots, we
investigate the problem of Trojan DNN detection from the brand new lens of
sparsity, even when no clean training data is available. Our crucial
observation is that the Trojan features are significantly more stable to
network pruning than benign features. Leveraging that, we propose a novel
Trojan network detection regime: first locating a "winning Trojan lottery
ticket" which preserves nearly full Trojan information yet only chance-level
performance on clean inputs; then recovering the trigger embedded in this
already isolated subnetwork. Extensive experiments on various datasets, i.e.,
CIFAR-10, CIFAR-100, and ImageNet, with different network architectures, i.e.,
VGG-16, ResNet-18, ResNet-20s, and DenseNet-100 demonstrate the effectiveness
of our proposal. Codes are available at
https://github.com/VITA-Group/Backdoor-LTH.
|
109,734 | 109,734 | Advanced Manufacturing Configuration by Sample-efficient Batch Bayesian
Optimization | We propose a framework for the configuration and operation of
expensive-to-evaluate advanced manufacturing methods, based on Bayesian
optimization. The framework unifies a tailored acquisition function, a parallel
acquisition procedure, and the integration of process information providing
context to the optimization procedure. The novel acquisition function is
demonstrated and analyzed on benchmark illustrative problems. We apply the
optimization approach to atmospheric plasma spraying in simulation and
experiments. Our results demonstrate that the proposed framework can
efficiently find input parameters that produce the desired outcome and minimize
the process cost.
|
109,735 | 109,735 | Diverse Lottery Tickets Boost Ensemble from a Single Pretrained Model | Ensembling is a popular method used to improve performance as a last resort.
However, ensembling multiple models finetuned from a single pretrained model
has been not very effective; this could be due to the lack of diversity among
ensemble members. This paper proposes Multi-Ticket Ensemble, which finetunes
different subnetworks of a single pretrained model and ensembles them. We
empirically demonstrated that winning-ticket subnetworks produced more diverse
predictions than dense networks, and their ensemble outperformed the standard
ensemble on some tasks.
|
109,736 | 109,736 | CDFKD-MFS: Collaborative Data-free Knowledge Distillation via
Multi-level Feature Sharing | Recently, the compression and deployment of powerful deep neural networks
(DNNs) on resource-limited edge devices to provide intelligent services have
become attractive tasks. Although knowledge distillation (KD) is a feasible
solution for compression, its requirement on the original dataset raises
privacy concerns. In addition, it is common to integrate multiple pretrained
models to achieve satisfactory performance. How to compress multiple models
into a tiny model is challenging, especially when the original data are
unavailable. To tackle this challenge, we propose a framework termed
collaborative data-free knowledge distillation via multi-level feature sharing
(CDFKD-MFS), which consists of a multi-header student module, an asymmetric
adversarial data-free KD module, and an attention-based aggregation module. In
this framework, the student model equipped with a multi-level feature-sharing
structure learns from multiple teacher models and is trained together with a
generator in an asymmetric adversarial manner. When some real samples are
available, the attention module adaptively aggregates predictions of the
student headers, which can further improve performance. We conduct extensive
experiments on three popular computer visual datasets. In particular, compared
with the most competitive alternative, the accuracy of the proposed framework
is 1.18\% higher on the CIFAR-100 dataset, 1.67\% higher on the Caltech-101
dataset, and 2.99\% higher on the mini-ImageNet dataset.
|
109,737 | 109,737 | Faithful Explanations for Deep Graph Models | This paper studies faithful explanations for Graph Neural Networks (GNNs).
First, we provide a new and general method for formally characterizing the
faithfulness of explanations for GNNs. It applies to existing explanation
methods, including feature attributions and subgraph explanations. Second, our
analytical and empirical results demonstrate that feature attribution methods
cannot capture the nonlinear effect of edge features, while existing subgraph
explanation methods are not faithful. Third, we introduce \emph{k-hop
Explanation with a Convolutional Core} (KEC), a new explanation method that
provably maximizes faithfulness to the original GNN by leveraging information
about the graph structure in its adjacency matrix and its \emph{k-th} power.
Lastly, our empirical results over both synthetic and real-world datasets for
classification and anomaly detection tasks with GNNs demonstrate the
effectiveness of our approach.
|
109,738 | 109,738 | Multi-Agent Collaborative Inference via DNN Decoupling: Intermediate
Feature Compression and Edge Learning | Recently, deploying deep neural network (DNN) models via collaborative
inference, which splits a pre-trained model into two parts and executes them on
user equipment (UE) and edge server respectively, becomes attractive. However,
the large intermediate feature of DNN impedes flexible decoupling, and existing
approaches either focus on the single UE scenario or simply define tasks
considering the required CPU cycles, but ignore the indivisibility of a single
DNN layer. In this paper, we study the multi-agent collaborative inference
scenario, where a single edge server coordinates the inference of multiple UEs.
Our goal is to achieve fast and energy-efficient inference for all UEs. To
achieve this goal, we first design a lightweight autoencoder-based method to
compress the large intermediate feature. Then we define tasks according to the
inference overhead of DNNs and formulate the problem as a Markov decision
process (MDP). Finally, we propose a multi-agent hybrid proximal policy
optimization (MAHPPO) algorithm to solve the optimization problem with a hybrid
action space. We conduct extensive experiments with different types of
networks, and the results show that our method can reduce up to 56\% of
inference latency and save up to 72\% of energy consumption.
|
109,739 | 109,739 | A Quadrature Rule combining Control Variates and Adaptive Importance
Sampling | Driven by several successful applications such as in stochastic gradient
descent or in Bayesian computation, control variates have become a major tool
for Monte Carlo integration. However, standard methods do not allow the
distribution of the particles to evolve during the algorithm, as is the case in
sequential simulation methods. Within the standard adaptive importance sampling
framework, a simple weighted least squares approach is proposed to improve the
procedure with control variates. The procedure takes the form of a quadrature
rule with adapted quadrature weights to reflect the information brought in by
the control variates. The quadrature points and weights do not depend on the
integrand, a computational advantage in case of multiple integrands. Moreover,
the target density needs to be known only up to a multiplicative constant. Our
main result is a non-asymptotic bound on the probabilistic error of the
procedure. The bound proves that for improving the estimate's accuracy, the
benefits from adaptive importance sampling and control variates can be
combined. The good behavior of the method is illustrated empirically on
synthetic examples and real-world data for Bayesian linear regression.
|
109,740 | 109,740 | Learning Interacting Dynamical Systems with Latent Gaussian Process ODEs | We study for the first time uncertainty-aware modeling of continuous-time
dynamics of interacting objects. We introduce a new model that decomposes
independent dynamics of single objects accurately from their interactions. By
employing latent Gaussian process ordinary differential equations, our model
infers both independent dynamics and their interactions with reliable
uncertainty estimates. In our formulation, each object is represented as a
graph node and interactions are modeled by accumulating the messages coming
from neighboring objects. We show that efficient inference of such a complex
network of variables is possible with modern variational sparse Gaussian
process inference techniques. We empirically demonstrate that our model
improves the reliability of long-term predictions over neural network based
alternatives and it successfully handles missing dynamic or static information.
Furthermore, we observe that only our model can successfully encapsulate
independent dynamics and interaction information in distinct functions and show
the benefit from this disentanglement in extrapolation scenarios.
|
109,741 | 109,741 | An interpretation of the final fully connected layer | In recent years neural networks have achieved state-of-the-art accuracy for
various tasks but the the interpretation of the generated outputs still remains
difficult. In this work we attempt to provide a method to understand the learnt
weights in the final fully connected layer in image classification models. We
motivate our method by drawing a connection between the policy gradient
objective in RL and supervised learning objective. We suggest that the commonly
used cross entropy based supervised learning objective can be regarded as a
special case of the policy gradient objective. Using this insight we propose a
method to find the most discriminative and confusing parts of an image. Our
method does not make any prior assumption about neural network achitecture and
has low computational cost. We apply our method on publicly available
pre-trained models and report the generated results.
|
109,742 | 109,742 | Physics-Embedded Neural Networks:
$\boldsymbol{\mathrm{E}(n)}$-Equivariant Graph Neural PDE Solvers | Graph neural network (GNN) is a promising approach to learning and predicting
physical phenomena described in boundary value problems, such as partial
differential equations (PDEs) with boundary conditions. However, existing
models inadequately treat boundary conditions essential for the reliable
prediction of such problems. In addition, because of the locally connected
nature of GNNs, it is difficult to accurately predict the state after a long
time, where interaction between vertices tends to be global. We present our
approach termed physics-embedded neural networks that considers boundary
conditions and predicts the state after a long time using an implicit method.
It is built based on an $\mathrm{E}(n)$-equivariant GNN, resulting in high
generalization performance on various shapes. We demonstrate that our model
learns flow phenomena in complex shapes and outperforms a well-optimized
classical solver and a state-of-the-art machine learning model in
speed-accuracy trade-off. Therefore, our model can be a useful standard for
realizing reliable, fast, and accurate GNN-based PDE solvers.
|
109,743 | 109,743 | Deep Learning Workload Scheduling in GPU Datacenters: Taxonomy,
Challenges and Vision | Deep learning (DL) shows its prosperity in a wide variety of fields. The
development of a DL model is a time-consuming and resource-intensive procedure.
Hence, dedicated GPU accelerators have been collectively constructed into a GPU
datacenter. An efficient scheduler design for such GPU datacenter is crucially
important to reduce the operational cost and improve resource utilization.
However, traditional approaches designed for big data or high performance
computing workloads can not support DL workloads to fully utilize the GPU
resources. Recently, substantial schedulers are proposed to tailor for DL
workloads in GPU datacenters. This paper surveys existing research efforts for
both training and inference workloads. We primarily present how existing
schedulers facilitate the respective workloads from the scheduling objectives
and resource consumption features. Finally, we prospect several promising
future research directions. More detailed summary with the surveyed paper and
code links can be found at our project website:
https://github.com/S-Lab-System-Group/Awesome-DL-Scheduling-Papers
|
109,744 | 109,744 | An Adaptive Contrastive Learning Model for Spike Sorting | Brain-computer interfaces (BCIs), is ways for electronic devices to
communicate directly with the brain. For most medical-type brain-computer
interface tasks, the activity of multiple units of neurons or local field
potentials is sufficient for decoding. But for BCIs used in neuroscience
research, it is important to separate out the activity of individual neurons.
With the development of large-scale silicon technology and the increasing
number of probe channels, artificially interpreting and labeling spikes is
becoming increasingly impractical. In this paper, we propose a novel modeling
framework: Adaptive Contrastive Learning Model that learns representations from
spikes through contrastive learning based on the maximizing mutual information
loss function as a theoretical basis. Based on the fact that data with similar
features share the same labels whether they are multi-classified or
binary-classified. With this theoretical support, we simplify the
multi-classification problem into multiple binary-classification, improving
both the accuracy and the runtime efficiency. Moreover, we also introduce a
series of enhancements for the spikes, while solving the problem that the
classification effect is affected because of the overlapping spikes.
|
109,745 | 109,745 | Large Language Models are Zero-Shot Reasoners | Pretrained large language models (LLMs) are widely used in many sub-fields of
natural language processing (NLP) and generally known as excellent few-shot
learners with task-specific exemplars. Notably, chain of thought (CoT)
prompting, a recent technique for eliciting complex multi-step reasoning
through step-by-step answer examples, achieved the state-of-the-art
performances in arithmetics and symbolic reasoning, difficult system-2 tasks
that do not follow the standard scaling laws for LLMs. While these successes
are often attributed to LLMs' ability for few-shot learning, we show that LLMs
are decent zero-shot reasoners by simply adding "Let's think step by step"
before each answer. Experimental results demonstrate that our Zero-shot-CoT,
using the same single prompt template, significantly outperforms zero-shot LLM
performances on diverse benchmark reasoning tasks including arithmetics
(MultiArith, GSM8K, AQUA-RAT, SVAMP), symbolic reasoning (Last Letter, Coin
Flip), and other logical reasoning tasks (Date Understanding, Tracking Shuffled
Objects), without any hand-crafted few-shot examples, e.g. increasing the
accuracy on MultiArith from 17.7% to 78.7% and GSM8K from 10.4% to 40.7% with
175B parameter InstructGPT model, as well as similar magnitudes of improvements
with another off-the-shelf large model, 540B parameter PaLM. The versatility of
this single prompt across very diverse reasoning tasks hints at untapped and
understudied fundamental zero-shot capabilities of LLMs, suggesting high-level,
multi-task broad cognitive capabilities may be extracted by simple prompting.
We hope our work not only serves as the minimal strongest zero-shot baseline
for the challenging reasoning benchmarks, but also highlights the importance of
carefully exploring and analyzing the enormous zero-shot knowledge hidden
inside LLMs before crafting finetuning datasets or few-shot exemplars.
|
109,746 | 109,746 | Compression-aware Training of Neural Networks using Frank-Wolfe | Many existing Neural Network pruning approaches either rely on retraining to
compensate for pruning-caused performance degradation or they induce strong
biases to converge to a specific sparse solution throughout training. A third
paradigm obtains a wide range of compression ratios from a single dense
training run while also avoiding retraining. Recent work of Pokutta et al.
(2020) and Miao et al. (2022) suggests that the Stochastic Frank-Wolfe (SFW)
algorithm is particularly suited for training state-of-the-art models that are
robust to compression. We propose leveraging $k$-support norm ball constraints
and demonstrate significant improvements over the results of Miao et al. (2022)
in the case of unstructured pruning. We also extend these ideas to the
structured pruning domain and propose novel approaches to both ensure
robustness to the pruning of convolutional filters as well as to low-rank
tensor decompositions of convolutional layers. In the latter case, our approach
performs on-par with nuclear-norm regularization baselines while requiring only
half of the computational resources. Our findings also indicate that the
robustness of SFW-trained models largely depends on the gradient rescaling of
the learning rate and we establish a theoretical foundation for that practice.
|
109,747 | 109,747 | How Human is Human Evaluation? Improving the Gold Standard for NLG with
Utility Theory | Human ratings are treated as the gold standard in NLG evaluation. The
standard protocol is to collect ratings of generated text, average across
annotators, and then rank NLG systems by their average scores. However, little
consideration has been given as to whether this approach faithfully captures
human preferences. In this work, we analyze this standard protocol through the
lens of utility theory in economics. We first identify the implicit assumptions
it makes about annotators and find that these assumptions are often violated in
practice, in which case annotator ratings become an unfaithful reflection of
their preferences. The most egregious violations come from using Likert scales,
which provably reverse the direction of the true preference in certain cases.
We suggest improvements to the standard protocol to make it more theoretically
sound, but even in its improved form, it cannot be used to evaluate open-ended
tasks like story generation. For the latter, we propose a new evaluation
protocol called $\textit{system-level probabilistic assessment}$ (SPA). In our
experiments, we find that according to SPA, annotators prefer larger GPT-3
variants to smaller ones -- as expected -- with all comparisons being
statistically significant. In contrast, the standard protocol only yields
significant results half the time.
|
109,748 | 109,748 | Pynblint: a Static Analyzer for Python Jupyter Notebooks | Jupyter Notebook is the tool of choice of many data scientists in the early
stages of ML workflows. The notebook format, however, has been criticized for
inducing bad programming practices; indeed, researchers have already shown that
open-source repositories are inundated by poor-quality notebooks. Low-quality
output from the prototypical stages of ML workflows constitutes a clear
bottleneck towards the productization of ML models. To foster the creation of
better notebooks, we developed Pynblint, a static analyzer for Jupyter
notebooks written in Python. The tool checks the compliance of notebooks (and
surrounding repositories) with a set of empirically validated best practices
and provides targeted recommendations when violations are detected.
|
109,749 | 109,749 | Assessing the Quality of Computational Notebooks for a Frictionless
Transition from Exploration to Production | The massive trend of integrating data-driven AI capabilities into traditional
software systems is rising new intriguing challenges. One of such challenges is
achieving a smooth transition from the explorative phase of Machine Learning
projects - in which data scientists build prototypical models in the lab - to
their production phase - in which software engineers translate prototypes into
production-ready AI components. To narrow down the gap between these two
phases, tools and practices adopted by data scientists might be improved by
incorporating consolidated software engineering solutions. In particular,
computational notebooks have a prominent role in determining the quality of
data science prototypes. In my research project, I address this challenge by
studying the best practices for collaboration with computational notebooks and
proposing proof-of-concept tools to foster guidelines compliance.
|
109,750 | 109,750 | Causal Influences Decouple From Their Underlying Network Structure In
Echo State Networks | Echo State Networks (ESN) are versatile recurrent neural network models in
which the hidden layer remains unaltered during training. Interactions among
nodes of this static backbone produce diverse representations of the given
stimuli that are harnessed by a read-out mechanism to perform computations
needed for solving a given task. ESNs are accessible models of neuronal
circuits, since they are relatively inexpensive to train. Therefore, ESNs have
become attractive for neuroscientists studying the relationship between neural
structure, function, and behavior. For instance, it is not yet clear how
distinctive connectivity patterns of brain networks support effective
interactions among their nodes and how these patterns of interactions give rise
to computation. To address this question, we employed an ESN with a
biologically inspired structure and used a systematic multi-site lesioning
framework to quantify the causal contribution of each node to the network's
output, thus providing a causal link between network structure and behavior. We
then focused on the structure-function relationship and decomposed the causal
influence of each node on all other nodes, using the same lesioning framework.
We found that nodes in a properly engineered ESN interact largely irrespective
of the network's underlying structure. However, in a network with the same
topology and a non-optimal parameter set, the underlying connectivity patterns
determine the node interactions. Our results suggest that causal
structure-function relations in ESNs can be decomposed into two components,
direct and indirect interactions. The former are based on influences relying on
structural connections. The latter describe the effective communication between
any two nodes through other intermediate nodes. These widely distributed
indirect interactions may crucially contribute to the efficient performance of
ESNs.
|
109,751 | 109,751 | 3D helical CT reconstruction with memory efficient invertible Learned
Primal-Dual method | Helical acquisition geometry is the most common geometry used in computed
tomography (CT) scanners for medical imaging. We adapt the invertible Learned
Primal-Dual (iLPD) deep neural network architecture so that it can be applied
to helical 3D CT reconstruction. We achieve this by splitting the geometry and
the data in parts that fit the memory and by splitting images into
corresponding sub-volumes. The architecture can be applied to images different
in size along the rotation axis. We perform the experiments on tomographic data
simulated from realistic helical geometries.
|
109,752 | 109,752 | Bandwidth Selection for Gaussian Kernel Ridge Regression via Jacobian
Control | Most machine learning methods depend on the tuning of hyper-parameters. For
kernel ridge regression (KRR) with the Gaussian kernel, the hyper-parameter is
the bandwidth. The bandwidth specifies the length-scale of the kernel and has
to be carefully selected in order to obtain a model with good generalization.
The default method for bandwidth selection is cross-validation, which often
yields good results, albeit at high computational costs. Furthermore, the
estimates provided by cross-validation tend to have very high variance,
especially when training data are scarce. Inspired by Jacobian regularization,
we formulate how the derivatives of the functions inferred by KRR with the
Gaussian kernel depend on the kernel bandwidth. We then use this expression to
propose a closed-form, computationally feather-light, bandwidth selection
method based on controlling the Jacobian. In addition, the Jacobian expression
illuminates how the bandwidth selection is a trade-off between the smoothness
of the inferred function, and the conditioning of the training data kernel
matrix. We show on real and synthetic data that compared to cross-validation,
our method is considerably more stable in terms of bandwidth selection, and,
for small data sets, provides better predictions.
|
109,753 | 109,753 | The Data-Production Dispositif | Machine learning (ML) depends on data to train and verify models. Very often,
organizations outsource processes related to data work (i.e., generating and
annotating data and evaluating outputs) through business process outsourcing
(BPO) companies and crowdsourcing platforms. This paper investigates outsourced
ML data work in Latin America by studying three platforms in Venezuela and a
BPO in Argentina. We lean on the Foucauldian notion of dispositif to define the
data-production dispositif as an ensemble of discourses, actions, and objects
strategically disposed to (re)produce power/knowledge relations in data and
labor. Our dispositif analysis comprises the examination of 210 data work
instruction documents, 55 interviews with data workers, managers, and
requesters, and participant observation. Our findings show that discourses
encoded in instructions reproduce and normalize the worldviews of requesters.
Precarious working conditions and economic dependency alienate workers, making
them obedient to instructions. Furthermore, discourses and social contexts
materialize in artifacts, such as interfaces and performance metrics, limiting
workers' agency and normalizing specific ways of interpreting data. We conclude
by stressing the importance of counteracting the data-production dispositif by
fighting alienation and precarization, and empowering data workers to become
assets in the quest for high-quality data.
|
109,754 | 109,754 | Theoretical Analysis of Primal-Dual Algorithm for Non-Convex Stochastic
Decentralized Optimization | In recent years, decentralized learning has emerged as a powerful tool not
only for large-scale machine learning, but also for preserving privacy. One of
the key challenges in decentralized learning is that the data distribution held
by each node is statistically heterogeneous. To address this challenge, the
primal-dual algorithm called the Edge-Consensus Learning (ECL) was proposed and
was experimentally shown to be robust to the heterogeneity of data
distributions. However, the convergence rate of the ECL is provided only when
the objective function is convex, and has not been shown in a standard machine
learning setting where the objective function is non-convex. Furthermore, the
intuitive reason why the ECL is robust to the heterogeneity of data
distributions has not been investigated. In this work, we first investigate the
relationship between the ECL and Gossip algorithm and show that the update
formulas of the ECL can be regarded as correcting the local stochastic gradient
in the Gossip algorithm. Then, we propose the Generalized ECL (G-ECL), which
contains the ECL as a special case, and provide the convergence rates of the
G-ECL in both (strongly) convex and non-convex settings, which do not depend on
the heterogeneity of data distributions. Through synthetic experiments, we
demonstrate that the numerical results of both the G-ECL and ECL coincide with
the convergence rate of the G-ECL.
|
109,755 | 109,755 | Realization Theory Of Recurrent Neural ODEs Using Polynomial System
Embeddings | In this paper we show that neural ODE analogs of recurrent (ODE-RNN) and Long
Short-Term Memory (ODE-LSTM) networks can be algorithmically embeddeded into
the class of polynomial systems. This embedding preserves input-output behavior
and can suitably be extended to other neural DE architectures. We then use
realization theory of polynomial systems to provide necessary conditions for an
input-output map to be realizable by an ODE-LSTM and sufficient conditions for
minimality of such systems. These results represent the first steps towards
realization theory of recurrent neural ODE architectures, which is is expected
be useful for model reduction and learning algorithm analysis of recurrent
neural ODEs.
|
109,756 | 109,756 | Learning Stabilizing Policies in Stochastic Control Systems | In this work, we address the problem of learning provably stable neural
network policies for stochastic control systems. While recent work has
demonstrated the feasibility of certifying given policies using martingale
theory, the problem of how to learn such policies is little explored. Here, we
study the effectiveness of jointly learning a policy together with a martingale
certificate that proves its stability using a single learning algorithm. We
observe that the joint optimization problem becomes easily stuck in local
minima when starting from a randomly initialized policy. Our results suggest
that some form of pre-training of the policy is required for the joint
optimization to repair and verify the policy successfully.
|
109,757 | 109,757 | Highly Accurate FMRI ADHD Classification using time distributed multi
modal 3D CNNs | This work proposes an algorithm for fMRI data analysis for the classification
of ADHD disorders. There have been several breakthroughs in the analysis of
fMRI via 3D convolutional neural networks (CNNs). With these new techniques it
is possible to preserve the 3D spatial data of fMRI data. Additionally there
have been recent advances in the use of 3D generative adversarial neural
networks (GANs) for the generation of normal MRI data. This work utilizes multi
modal 3D CNNs with data augmentation from 3D GAN for ADHD prediction from fMRI.
By leveraging a 3D-GAN it would be possible to use deepfake data to enhance the
accuracy of 3D CNN classification of brain disorders. A comparison will be made
between a time distributed single modal 3D CNN model for classification and the
modified multi modal model with MRI data as well.
|
109,758 | 109,758 | Deep Low-Density Separation for Semi-Supervised Classification | Given a small set of labeled data and a large set of unlabeled data,
semi-supervised learning (SSL) attempts to leverage the location of the
unlabeled datapoints in order to create a better classifier than could be
obtained from supervised methods applied to the labeled training set alone.
Effective SSL imposes structural assumptions on the data, e.g. that neighbors
are more likely to share a classification or that the decision boundary lies in
an area of low density. For complex and high-dimensional data, neural networks
can learn feature embeddings to which traditional SSL methods can then be
applied in what we call hybrid methods.
Previously-developed hybrid methods iterate between refining a latent
representation and performing graph-based SSL on this representation. In this
paper, we introduce a novel hybrid method that instead applies low-density
separation to the embedded features. We describe it in detail and discuss why
low-density separation may be better suited for SSL on neural network-based
embeddings than graph-based algorithms. We validate our method using in-house
customer survey data and compare it to other state-of-the-art learning methods.
Our approach effectively classifies thousands of unlabeled users from a
relatively small number of hand-classified examples.
|
109,759 | 109,759 | Quantum Kerr Learning | Quantum machine learning is a rapidly evolving area that could facilitate
important applications for quantum computing and significantly impact data
science. In our work, we argue that a single Kerr mode might provide some extra
quantum enhancements when using quantum kernel methods based on various reasons
from complexity theory and physics. Furthermore, we establish an experimental
protocol, which we call \emph{quantum Kerr learning} based on circuit QED. A
detailed study using the kernel method, neural tangent kernel theory,
first-order perturbation theory of the Kerr non-linearity, and non-perturbative
numerical simulations, shows quantum enhancements could happen in terms of the
convergence time and the generalization error, while explicit protocols are
also constructed for higher-dimensional input data.
|
109,760 | 109,760 | Neur2SP: Neural Two-Stage Stochastic Programming | Stochastic programming is a powerful modeling framework for decision-making
under uncertainty. In this work, we tackle two-stage stochastic programs
(2SPs), the most widely applied and studied class of stochastic programming
models. Solving 2SPs exactly requires evaluation of an expected value function
that is computationally intractable. Additionally, having a mixed-integer
linear program (MIP) or a nonlinear program (NLP) in the second stage further
aggravates the problem difficulty. In such cases, solving them can be
prohibitively expensive even if specialized algorithms that exploit problem
structure are employed. Finding high-quality (first-stage) solutions -- without
leveraging problem structure -- can be crucial in such settings. We develop
Neur2SP, a new method that approximates the expected value function via a
neural network to obtain a surrogate model that can be solved more efficiently
than the traditional extensive formulation approach. Moreover, Neur2SP makes no
assumptions about the problem structure, in particular about the second-stage
problem, and can be implemented using an off-the-shelf solver and open-source
libraries. Our extensive computational experiments on benchmark 2SP datasets
from four problem classes with different structures (containing MIP and NLP
second-stage problems) show the efficiency (time) and efficacy (solution
quality) of Neur2SP. Specifically, the proposed method takes less than 1.66
seconds across all problems, achieving high-quality solutions even as the
number of scenarios increases, an ideal property that is difficult to have for
traditional 2SP solution techniques. Namely, the most generic baseline method
typically requires minutes to hours to find solutions of comparable quality.
|
109,761 | 109,761 | Graph Convolutional Reinforcement Learning for Collaborative Queuing
Agents | In this paper, we explore the use of multi-agent deep learning as well as
learning to cooperate principles to meet stringent service level agreements, in
terms of throughput and end-to-end delay, for a set of classified network
flows. We consider agents built on top of a weighted fair queuing algorithm
that continuously set weights for three flow groups: gold, silver, and bronze.
We rely on a novel graph-convolution based, multi-agent reinforcement learning
approach known as DGN. As benchmarks, we propose centralized and distributed
deep Q-network approaches and evaluate their performances in different network,
traffic, and routing scenarios, highlighting the effectiveness of our proposals
and the importance of agent cooperation. We show that our DGN-based approach
meets stringent throughput and delay requirements across all scenarios.
|
109,762 | 109,762 | Naive Few-Shot Learning: Sequence Consistency Evaluation | Cognitive psychologists often use the term $\textit{fluid intelligence}$ to
describe the ability of humans to solve novel tasks without any prior training.
In contrast to humans, deep neural networks can perform cognitive tasks only
after extensive (pre-)training with a large number of relevant examples.
Motivated by fluid intelligence research in the cognitive sciences, we built a
benchmark task which we call sequence consistency evaluation (SCE) that can be
used to address this gap. Solving the SCE task requires the ability to extract
simple rules from sequences, a basic computation that is required for solving
various intelligence tests in humans. We tested $\textit{untrained}$ (naive)
deep learning models in the SCE task. Specifically, we compared Relation
Networks (RN) and Contrastive Predictive Coding (CPC), two models that can
extract simple rules from sequences, and found that the latter, which imposes a
structure on the predictable rule does better. We further found that simple
networks fare better in this task than complex ones. Finally, we show that this
approach can be used for security camera anomaly detection without any prior
training.
|
109,763 | 109,763 | Concurrent Credit Assignment for Data-efficient Reinforcement Learning | The capability to widely sample the state and action spaces is a key
ingredient toward building effective reinforcement learning algorithms. The
variational optimization principles exposed in this paper emphasize the
importance of an occupancy model to synthesizes the general distribution of the
agent's environmental states over which it can act (defining a virtual
``territory''). The occupancy model is the subject of frequent updates as the
exploration progresses and that new states are undisclosed during the course of
the training. By making a uniform prior assumption, the resulting objective
expresses a balance between two concurrent tendencies, namely the widening of
the occupancy space and the maximization of the rewards, reminding of the
classical exploration/exploitation trade-off. Implemented on an actor-critic
off-policy on classic continuous action benchmarks, it is shown to provide
significant increase in the sampling efficacy, that is reflected in a reduced
training time and higher returns, in both the dense and the sparse rewards
cases.
|
109,764 | 109,764 | PatchNR: Learning from Small Data by Patch Normalizing Flow
Regularization | Learning neural networks using only a small amount of data is an important
ongoing research topic with tremendous potential for applications. In this
paper, we introduce a regularizer for the variational modeling of inverse
problems in imaging based on normalizing flows. Our regularizer, called
patchNR, involves a normalizing flow learned on patches of very few images. The
subsequent reconstruction method is completely unsupervised and the same
regularizer can be used for different forward operators acting on the same
class of images. By investigating the distribution of patches versus those of
the whole image class, we prove that our variational model is indeed a MAP
approach. Our model can be generalized to conditional patchNRs, if additional
supervised information is available. Numerical examples for low-dose CT,
limited-angle CT and superresolution of material images demonstrate that our
method provides high quality results among unsupervised methods, but requires
only few data.
|
109,765 | 109,765 | Improving Human Image Synthesis with Residual Fast Fourier
Transformation and Wasserstein Distance | With the rapid development of the Metaverse, virtual humans have emerged, and
human image synthesis and editing techniques, such as pose transfer, have
recently become popular. Most of the existing techniques rely on GANs, which
can generate good human images even with large variants and occlusions. But
from our best knowledge, the existing state-of-the-art method still has the
following problems: the first is that the rendering effect of the synthetic
image is not realistic, such as poor rendering of some regions. And the second
is that the training of GAN is unstable and slow to converge, such as model
collapse. Based on the above two problems, we propose several methods to solve
them. To improve the rendering effect, we use the Residual Fast Fourier
Transform Block to replace the traditional Residual Block. Then, spectral
normalization and Wasserstein distance are used to improve the speed and
stability of GAN training. Experiments demonstrate that the methods we offer
are effective at solving the problems listed above, and we get state-of-the-art
scores in LPIPS and PSNR.
|
109,766 | 109,766 | FedEntropy: Efficient Device Grouping for Federated Learning Using
Maximum Entropy Judgment | Along with the popularity of Artificial Intelligence (AI) and
Internet-of-Things (IoT), Federated Learning (FL) has attracted steadily
increasing attentions as a promising distributed machine learning paradigm,
which enables the training of a central model on for numerous decentralized
devices without exposing their privacy. However, due to the biased data
distributions on involved devices, FL inherently suffers from low
classification accuracy in non-IID scenarios. Although various device grouping
method have been proposed to address this problem, most of them neglect both i)
distinct data distribution characteristics of heterogeneous devices, and ii)
contributions and hazards of local models, which are extremely important in
determining the quality of global model aggregation. In this paper, we present
an effective FL method named FedEntropy with a novel dynamic device grouping
scheme, which makes full use of the above two factors based on our proposed
maximum entropy judgement heuristic.Unlike existing FL methods that directly
aggregate local models returned from all the selected devices, in one FL round
FedEntropy firstly makes a judgement based on the pre-collected soft labels of
selected devices and then only aggregates the local models that can maximize
the overall entropy of these soft labels. Without collecting local models that
are harmful for aggregation, FedEntropy can effectively improve global model
accuracy while reducing the overall communication overhead. Comprehensive
experimental results on well-known benchmarks show that, FedEntropy not only
outperforms state-of-the-art FL methods in terms of model accuracy and
communication overhead, but also can be integrated into them to enhance their
classification performance.
|
109,767 | 109,767 | Training Efficient CNNS: Tweaking the Nuts and Bolts of Neural Networks
for Lighter, Faster and Robust Models | Deep Learning has revolutionized the fields of computer vision, natural
language understanding, speech recognition, information retrieval and more.
Many techniques have evolved over the past decade that made models lighter,
faster, and robust with better generalization. However, many deep learning
practitioners persist with pre-trained models and architectures trained mostly
on standard datasets such as Imagenet, MS-COCO, IMDB-Wiki Dataset, and
Kinetics-700 and are either hesitant or unaware of redesigning the architecture
from scratch that will lead to better performance. This scenario leads to
inefficient models that are not suitable on various devices such as mobile,
edge, and fog. In addition, these conventional training methods are of concern
as they consume a lot of computing power. In this paper, we revisit various
SOTA techniques that deal with architecture efficiency (Global Average Pooling,
depth-wise convolutions & squeeze and excitation, Blurpool), learning rate
(Cyclical Learning Rate), data augmentation (Mixup, Cutout), label manipulation
(label smoothing), weight space manipulation (stochastic weight averaging), and
optimizer (sharpness aware minimization). We demonstrate how an efficient deep
convolution network can be built in a phased manner by sequentially reducing
the number of training parameters and using the techniques mentioned above. We
achieved a SOTA accuracy of 99.2% on MNIST data with just 1500 parameters and
an accuracy of 86.01% with just over 140K parameters on the CIFAR-10 dataset.
|
109,768 | 109,768 | On statistic alignment for domain adaptation in structural health
monitoring | The practical application of structural health monitoring (SHM) is often
limited by the availability of labelled data. Transfer learning - specifically
in the form of domain adaptation (DA) - gives rise to the possibility of
leveraging information from a population of physical or numerical structures,
by inferring a mapping that aligns the feature spaces. Typical DA methods rely
on nonparametric distance metrics, which require sufficient data to perform
density estimation. In addition, these methods can be prone to performance
degradation under class imbalance. To address these issues, statistic alignment
(SA) is discussed, with a demonstration of how these methods can be made robust
to class imbalance, including a special case of class imbalance called a
partial DA scenario. SA is demonstrated to facilitate damage localisation with
no target labels in a numerical case study, outperforming other
state-of-the-art DA methods. It is then shown to be capable of aligning the
feature spaces of a real heterogeneous population, the Z24 and KW51 bridges,
with only 220 samples used from the KW51 bridge. Finally, in scenarios where
more complex mappings are required for knowledge transfer, SA is shown to be a
vital pre-processing tool, increasing the performance of established DA
methods.
|
109,769 | 109,769 | Deep Reinforcement Learning for Multi-class Imbalanced Training | With the rapid growth of memory and computing power, datasets are becoming
increasingly complex and imbalanced. This is especially severe in the context
of clinical data, where there may be one rare event for many cases in the
majority class. We introduce an imbalanced classification framework, based on
reinforcement learning, for training extremely imbalanced data sets, and extend
it for use in multi-class settings. We combine dueling and double deep
Q-learning architectures, and formulate a custom reward function and
episode-training procedure, specifically with the added capability of handling
multi-class imbalanced training. Using real-world clinical case studies, we
demonstrate that our proposed framework outperforms current state-of-the-art
imbalanced learning methods, achieving more fair and balanced classification,
while also significantly improving the prediction of minority classes.
|
109,770 | 109,770 | Ensemble Multi-Relational Graph Neural Networks | It is well established that graph neural networks (GNNs) can be interpreted
and designed from the perspective of optimization objective. With this clear
optimization objective, the deduced GNNs architecture has sound theoretical
foundation, which is able to flexibly remedy the weakness of GNNs. However,
this optimization objective is only proved for GNNs with single-relational
graph. Can we infer a new type of GNNs for multi-relational graphs by extending
this optimization objective, so as to simultaneously solve the issues in
previous multi-relational GNNs, e.g., over-parameterization? In this paper, we
propose a novel ensemble multi-relational GNNs by designing an ensemble
multi-relational (EMR) optimization objective. This EMR optimization objective
is able to derive an iterative updating rule, which can be formalized as an
ensemble message passing (EnMP) layer with multi-relations. We further analyze
the nice properties of EnMP layer, e.g., the relationship with multi-relational
personalized PageRank. Finally, a new multi-relational GNNs which well
alleviate the over-smoothing and over-parameterization issues are proposed.
Extensive experiments conducted on four benchmark datasets well demonstrate the
effectiveness of the proposed model.
|
109,771 | 109,771 | Optimality Conditions and Algorithms for Top-K Arm Identification | We consider the top-k arm identification problem for multi-armed bandits with
rewards belonging to a one-parameter canonical exponential family. The
objective is to select the set of k arms with the highest mean rewards by
sequential allocation of sampling efforts. We propose a unified optimal
allocation problem that identifies the complexity measures of this problem
under the fixed-confidence, fixed-budget settings, and the posterior
convergence rate from the Bayesian perspective. We provide the first
characterization of its optimality. We provide the first provably optimal
algorithm in the fixed-confidence setting for k>1. We also propose an efficient
heuristic algorithm for the top-k arm identification problem. Extensive
numerical experiments demonstrate superior performance compare to existing
methods in all three settings.
|
109,772 | 109,772 | Bias Discovery in Machine Learning Models for Mental Health | Fairness and bias are crucial concepts in artificial intelligence, yet they
are relatively ignored in machine learning applications in clinical psychiatry.
We computed fairness metrics and present bias mitigation strategies using a
model trained on clinical mental health data. We collected structured data
related to the admission, diagnosis, and treatment of patients in the
psychiatry department of the University Medical Center Utrecht. We trained a
machine learning model to predict future administrations of benzodiazepines on
the basis of past data. We found that gender plays an unexpected role in the
predictions-this constitutes bias. Using the AI Fairness 360 package, we
implemented reweighing and discrimination-aware regularization as bias
mitigation strategies, and we explored their implications for model
performance. This is the first application of bias exploration and mitigation
in a machine learning model trained on real clinical psychiatry data.
|
109,773 | 109,773 | DNNAbacus: Toward Accurate Computational Cost Prediction for Deep Neural
Networks | Deep learning is attracting interest across a variety of domains, including
natural language processing, speech recognition, and computer vision. However,
model training is time-consuming and requires huge computational resources.
Existing works on the performance prediction of deep neural networks, which
mostly focus on the training time prediction of a few models, rely on
analytical models and result in high relative errors. %Optimizing task
scheduling and reducing job failures in data centers are essential to improve
resource utilization and reduce carbon emissions. This paper investigates the
computational resource demands of 29 classical deep neural networks and builds
accurate models for predicting computational costs. We first analyze the
profiling results of typical networks and demonstrate that the computational
resource demands of models with different inputs and hyperparameters are not
obvious and intuitive. We then propose a lightweight prediction approach
DNNAbacus with a novel network structural matrix for network representation.
DNNAbacus can accurately predict both memory and time cost for PyTorch and
TensorFlow models, which is also generalized to different hardware
architectures and can have zero-shot capability for unseen networks. Our
experimental results show that the mean relative error (MRE) is 0.9% with
respect to time and 2.8% with respect to memory for 29 classic models, which is
much lower than the state-of-the-art works.
|
109,774 | 109,774 | Empirical Phase Diagram for Three-layer Neural Networks with Infinite
Width | Substantial work indicates that the dynamics of neural networks (NNs) is
closely related to their initialization of parameters. Inspired by the phase
diagram for two-layer ReLU NNs with infinite width (Luo et al., 2021), we make
a step towards drawing a phase diagram for three-layer ReLU NNs with infinite
width. First, we derive a normalized gradient flow for three-layer ReLU NNs and
obtain two key independent quantities to distinguish different dynamical
regimes for common initialization methods. With carefully designed experiments
and a large computation cost, for both synthetic datasets and real datasets, we
find that the dynamics of each layer also could be divided into a linear regime
and a condensed regime, separated by a critical regime. The criteria is the
relative change of input weights (the input weight of a hidden neuron consists
of the weight from its input layer to the hidden neuron and its bias term) as
the width approaches infinity during the training, which tends to $0$,
$+\infty$ and $O(1)$, respectively. In addition, we also demonstrate that
different layers can lie in different dynamical regimes in a training process
within a deep NN. In the condensed regime, we also observe the condensation of
weights in isolated orientations with low complexity. Through experiments under
three-layer condition, our phase diagram suggests a complicated dynamical
regimes consisting of three possible regimes, together with their mixture, for
deep NNs and provides a guidance for studying deep NNs in different
initialization regimes, which reveals the possibility of completely different
dynamics emerging within a deep NN for its different layers.
|
109,775 | 109,775 | KQGC: Knowledge Graph Embedding with Smoothing Effects of Graph
Convolutions for Recommendation | Leveraging graphs on recommender systems has gained popularity with the
development of graph representation learning (GRL). In particular, knowledge
graph embedding (KGE) and graph neural networks (GNNs) are representative GRL
approaches, which have achieved the state-of-the-art performance on several
recommendation tasks. Furthermore, combination of KGE and GNNs (KG-GNNs) has
been explored and found effective in many academic literatures. One of the main
characteristics of GNNs is their ability to retain structural properties among
neighbors in the resulting dense representation, which is usually coined as
smoothing. The smoothing is specially desired in the presence of homophilic
graphs, such as the ones we find on recommender systems. In this paper, we
propose a new model for recommender systems named Knowledge Query-based Graph
Convolution (KQGC). In contrast to exisiting KG-GNNs, KQGC focuses on the
smoothing, and leverages a simple linear graph convolution for smoothing KGE. A
pre-trained KGE is fed into KQGC, and it is smoothed by aggregating neighbor
knowledge queries, which allow entity-embeddings to be aligned on appropriate
vector points for smoothing KGE effectively. We apply the proposed KQGC to a
recommendation task that aims prospective users for specific products.
Extensive experiments on a real E-commerce dataset demonstrate the
effectiveness of KQGC.
|
109,776 | 109,776 | Federated singular value decomposition for high dimensional data | Federated learning (FL) is emerging as a privacy-aware alternative to
classical cloud-based machine learning. In FL, the sensitive data remains in
data silos and only aggregated parameters are exchanged. Hospitals and research
institutions which are not willing to share their data can join a federated
study without breaching confidentiality. In addition to the extreme sensitivity
of biomedical data, the high dimensionality poses a challenge in the context of
federated genome-wide association studies (GWAS). In this article, we present a
federated singular value decomposition (SVD) algorithm, suitable for the
privacy-related and computational requirements of GWAS. Notably, the algorithm
has a transmission cost independent of the number of samples and is only weakly
dependent on the number of features, because the singular vectors associated
with the samples are never exchanged and the vectors associated with the
features only for a fixed number of iterations. Although motivated by GWAS, the
algorithm is generically applicable for both horizontally and vertically
partitioned data.
|
109,777 | 109,777 | Phased Progressive Learning with Coupling-Regulation-Imbalance Loss for
Imbalanced Classification | Deep neural networks generally perform poorly with datasets that suffer from
quantity imbalance and classification difficulty imbalance between different
classes. In order to alleviate the problem of dataset bias or domain shift in
the existing two-stage approaches, a phased progressive learning schedule was
proposed for smoothly transferring the training emphasis from representation
learning to upper classifier training. This has greater effectivity on datasets
that have more severe imbalances or smaller scales. A
coupling-regulation-imbalance loss function was designed, coupling a correction
term, Focal loss and LDAM loss. Coupling-regulation-imbalance loss can better
deal with quantity imbalance and outliers, while regulating focus-of-attention
of samples with a variety of classification difficulties. Excellent results
were achieved on multiple benchmark datasets using these approaches and they
can be easily generalized for other imbalanced classification models. Our code
will be open source soon.
|
109,778 | 109,778 | Inference of a Rumor's Source in the Independent Cascade Model | We consider the so-called Independent Cascade Model for rumor spreading or
epidemic processes popularized by Kempe et al.\ [2003]. In this model, a small
subset of nodes from a network are the source of a rumor. In discrete time
steps, each informed node "infects" each of its uninformed neighbors with
probability $p$. While many facets of this process are studied in the
literature, less is known about the inference problem: given a number of
infected nodes in a network, can we learn the source of the rumor? In the
context of epidemiology this problem is often referred to as patient zero
problem. It belongs to a broader class of problems where the goal is to infer
parameters of the underlying spreading model, see, e.g., Lokhov [NeurIPS'16] or
Mastakouri et al. [NeurIPS'20].
In this work we present a maximum likelihood estimator for the rumor's
source, given a snapshot of the process in terms of a set of active nodes $X$
after $t$ steps. Our results show that, for cycle-free graphs, the likelihood
estimator undergoes a non-trivial phase transition as a function $t$. We
provide a rigorous analysis for two prominent classes of acyclic network,
namely $d$-regular trees and Galton-Watson trees, and verify empirically that
our heuristics work well in various general networks.
|
109,779 | 109,779 | Adversarial Attack on Attackers: Post-Process to Mitigate Black-Box
Score-Based Query Attacks | The score-based query attacks (SQAs) pose practical threats to deep neural
networks by crafting adversarial perturbations within dozens of queries, only
using the model's output scores. Nonetheless, we note that if the loss trend of
the outputs is slightly perturbed, SQAs could be easily misled and thereby
become much less effective. Following this idea, we propose a novel defense,
namely Adversarial Attack on Attackers (AAA), to confound SQAs towards
incorrect attack directions by slightly modifying the output logits. In this
way, (1) SQAs are prevented regardless of the model's worst-case robustness;
(2) the original model predictions are hardly changed, i.e., no degradation on
clean accuracy; (3) the calibration of confidence scores can be improved
simultaneously. Extensive experiments are provided to verify the above
advantages. For example, by setting $\ell_\infty=8/255$ on CIFAR-10, our
proposed AAA helps WideResNet-28 secure $80.59\%$ accuracy under Square attack
($2500$ queries), while the best prior defense (i.e., adversarial training)
only attains $67.44\%$. Since AAA attacks SQA's general greedy strategy, such
advantages of AAA over 8 defenses can be consistently observed on 8
CIFAR-10/ImageNet models under 6 SQAs, using different attack targets and
bounds. Moreover, AAA calibrates better without hurting the accuracy. Our code
would be released.
|
109,780 | 109,780 | One-Pixel Shortcut: on the Learning Preference of Deep Neural Networks | Unlearnable examples (ULEs) aim to protect data from unauthorized usage for
training DNNs. Error-minimizing noise, which is injected to clean data, is one
of the most successful methods for preventing DNNs from giving correct
predictions on incoming new data. Nonetheless, under specific training
strategies such as adversarial training, the unlearnability of error-minimizing
noise will severely degrade. In addition, the transferability of
error-minimizing noise is inherently limited by the mismatch between the
generator model and the targeted learner model. In this paper, we investigate
the mechanism of unlearnable examples and propose a novel model-free method,
named \emph{One-Pixel Shortcut}, which only perturbs a single pixel of each
image and makes the dataset unlearnable. Our method needs much less
computational cost and obtains stronger transferability and thus can protect
data from a wide range of different models. Based on this, we further introduce
the first unlearnable dataset called CIFAR-10-S, which is indistinguishable
from normal CIFAR-10 by human observers and can serve as a benchmark for
different models or training strategies to evaluate their abilities to extract
critical features from the disturbance of non-semantic representations. The
original error-minimizing ULEs will lose efficiency under adversarial training,
where the model can get over 83\% clean test accuracy. Meanwhile, even if
adversarial training and strong data augmentation like RandAugment are applied
together, the model trained on CIFAR-10-S cannot get over 50\% clean test
accuracy.
|
109,781 | 109,781 | Not too little, not too much: a theoretical analysis of graph
(over)smoothing | We analyze graph smoothing with \emph{mean aggregation}, where each node
successively receives the average of the features of its neighbors. Indeed, it
has quickly been observed that Graph Neural Networks (GNNs), which generally
follow some variant of Message-Passing (MP) with repeated aggregation, may be
subject to the \emph{oversmoothing} phenomenon: by performing too many rounds
of MP, the node features tend to converge to a non-informative limit. In the
case of mean aggregation, for connected graphs, the node features become
constant across the whole graph. At the other end of the spectrum, it is
intuitively obvious that \emph{some} MP rounds are necessary, but existing
analyses do not exhibit both phenomena at once: beneficial ``finite'' smoothing
and oversmoothing in the limit. In this paper, we consider simplified linear
GNNs, and rigorously analyze two examples for which a finite number of mean
aggregation steps provably improves the learning performance, before
oversmoothing kicks in. We consider a latent space random graph model, where
node features are partial observations of the latent variables and the graph
contains pairwise relationships between them. We show that graph smoothing
restores some of the lost information, up to a certain point, by two
phenomenon: graph smoothing shrinks non-principal directions in the data faster
than principal ones, which is useful for regression, and shrinks nodes within
communities faster than they collapse together, which improves classification.
|
109,782 | 109,782 | D$^\text{2}$UF: Deep Coded Aperture Design and Unrolling Algorithm for
Compressive Spectral Image Fusion | Compressive spectral imaging (CSI) has attracted significant attention since
it employs synthetic apertures to codify spatial and spectral information,
sensing only 2D projections of the 3D spectral image. However, these optical
architectures suffer from a trade-off between the spatial and spectral
resolution of the reconstructed image due to technology limitations. To
overcome this issue, compressive spectral image fusion (CSIF) employs the
projected measurements of two CSI architectures with different resolutions to
estimate a high-spatial high-spectral resolution. This work presents the fusion
of the compressive measurements of a low-spatial high-spectral resolution coded
aperture snapshot spectral imager (CASSI) architecture and a high-spatial
low-spectral resolution multispectral color filter array (MCFA) system. Unlike
previous CSIF works, this paper proposes joint optimization of the sensing
architectures and a reconstruction network in an end-to-end (E2E) manner. The
trainable optical parameters are the coded aperture (CA) in the CASSI and the
colored coded aperture in the MCFA system, employing a sigmoid activation
function and regularization function to encourage binary values on the
trainable variables for an implementation purpose. Additionally, an
unrolling-based network inspired by the alternating direction method of
multipliers (ADMM) optimization is formulated to address the reconstruction
step and the acquisition systems design jointly. Finally, a spatial-spectral
inspired loss function is employed at the end of each unrolling layer to
increase the convergence of the unrolling network. The proposed method
outperforms previous CSIF methods, and experimental results validate the method
with real measurements.
|
109,783 | 109,783 | Byzantine Machine Learning Made Easy by Resilient Averaging of Momentums | Byzantine resilience emerged as a prominent topic within the distributed
machine learning community. Essentially, the goal is to enhance distributed
optimization algorithms, such as distributed SGD, in a way that guarantees
convergence despite the presence of some misbehaving (a.k.a., {\em Byzantine})
workers. Although a myriad of techniques addressing the problem have been
proposed, the field arguably rests on fragile foundations. These techniques are
hard to prove correct and rely on assumptions that are (a) quite unrealistic,
i.e., often violated in practice, and (b) heterogeneous, i.e., making it
difficult to compare approaches.
We present \emph{RESAM (RESilient Averaging of Momentums)}, a unified
framework that makes it simple to establish optimal Byzantine resilience,
relying only on standard machine learning assumptions. Our framework is mainly
composed of two operators: \emph{resilient averaging} at the server and
\emph{distributed momentum} at the workers. We prove a general theorem stating
the convergence of distributed SGD under RESAM. Interestingly, demonstrating
and comparing the convergence of many existing techniques become direct
corollaries of our theorem, without resorting to stringent assumptions. We also
present an empirical evaluation of the practical relevance of RESAM.
|
109,784 | 109,784 | Distributional Hamilton-Jacobi-Bellman Equations for Continuous-Time
Reinforcement Learning | Continuous-time reinforcement learning offers an appealing formalism for
describing control problems in which the passage of time is not naturally
divided into discrete increments. Here we consider the problem of predicting
the distribution of returns obtained by an agent interacting in a
continuous-time, stochastic environment. Accurate return predictions have
proven useful for determining optimal policies for risk-sensitive control,
learning state representations, multiagent coordination, and more. We begin by
establishing the distributional analogue of the Hamilton-Jacobi-Bellman (HJB)
equation for It\^o diffusions and the broader class of Feller-Dynkin processes.
We then specialize this equation to the setting in which the return
distribution is approximated by $N$ uniformly-weighted particles, a common
design choice in distributional algorithms. Our derivation highlights
additional terms due to statistical diffusivity which arise from the proper
handling of distributions in the continuous-time setting. Based on this, we
propose a tractable algorithm for approximately solving the distributional HJB
based on a JKO scheme, which can be implemented in an online control algorithm.
We demonstrate the effectiveness of such an algorithm in a synthetic control
problem.
|
109,785 | 109,785 | Learning for Expressive Task-Related Sentence Representations | NLP models learn sentence representations for downstream tasks by tuning a
model which is pre-trained by masked language modeling. However, after tuning,
the learned sentence representations may be skewed heavily toward label space
and thus are not expressive enough to represent whole samples, which should
contain task-related information of both sentence inputs and labels. In this
work, we learn expressive sentence representations for supervised tasks which
(1). contain task-related information in the sentence inputs, and (2). enable
correct label predictions. To achieve this goal, we first propose a new
objective which explicitly points out the label token space in the input, and
predicts categories of labels via an added [MASK] token. This objective
encourages fusing the semantic information of both the label and sentence. Then
we develop a neighbor attention module, added on a frozen pre-trained model, to
build connections between label/sentence tokens via their neighbors. The
propagation can be further guided by the regularization on neighborhood
representations to encourage expressiveness. Experimental results show that,
despite tuning only 5% additional parameters over a frozen pre-trained model,
our model can achieve classification results comparable to the SOTA while
maintaining strong expressiveness as well.
|
109,786 | 109,786 | Rethinking Evaluation Practices in Visual Question Answering: A Case
Study on Out-of-Distribution Generalization | Vision-and-language (V&L) models pretrained on large-scale multimodal data
have demonstrated strong performance on various tasks such as image captioning
and visual question answering (VQA). The quality of such models is commonly
assessed by measuring their performance on unseen data that typically comes
from the same distribution as the training data. However, we observe that these
models exhibit poor out-of-distribution (OOD) generalization on the task of
VQA. To better understand the underlying causes of poor generalization, we
comprehensively investigate performance of two pretrained V&L models under
different settings (i.e. classification and open-ended text generation) by
conducting cross-dataset evaluations. We find that these models tend to learn
to solve the benchmark, rather than learning the high-level skills required by
the VQA task. We also argue that in most cases generative models are less
susceptible to shifts in data distribution, while frequently performing better
on our tested benchmarks. Moreover, we find that multimodal pretraining
improves OOD performance in most settings. Finally, we revisit assumptions
underlying the use of automatic VQA evaluation metrics, and empirically show
that their stringent nature repeatedly penalizes models for correct responses.
|
109,787 | 109,787 | Forecasting Multilinear Data via Transform-Based Tensor Autoregression | In the era of big data, there is an increasing demand for new methods for
analyzing and forecasting 2-dimensional data. The current research aims to
accomplish these goals through the combination of time-series modeling and
multilinear algebraic systems. We expand previous autoregressive techniques to
forecast multilinear data, aptly named the L-Transform Tensor autoregressive
(L-TAR for short). Tensor decompositions and multilinear tensor products have
allowed for this approach to be a feasible method of forecasting. We achieve
statistical independence between the columns of the observations through
invertible discrete linear transforms, enabling a divide and conquer approach.
We present an experimental validation of the proposed methods on datasets
containing image collections, video sequences, sea surface temperature
measurements, stock prices, and networks.
|
109,788 | 109,788 | Psychotic Relapse Prediction in Schizophrenia Patients using A Mobile
Sensing-based Supervised Deep Learning Model | Mobile sensing-based modeling of behavioral changes could predict an oncoming
psychotic relapse in schizophrenia patients for timely interventions. Deep
learning models could complement existing non-deep learning models for relapse
prediction by modeling latent behavioral features relevant to the prediction.
However, given the inter-individual behavioral differences, model
personalization might be required for a predictive model. In this work, we
propose RelapsePredNet, a Long Short-Term Memory (LSTM) neural network-based
model for relapse prediction. The model is personalized for a particular
patient by training using data from patients most similar to the given patient.
Several demographics and baseline mental health scores were considered as
personalization metrics to define patient similarity. We investigated the
effect of personalization on training dataset characteristics, learned
embeddings, and relapse prediction performance. We compared RelapsePredNet with
a deep learning-based anomaly detection model for relapse prediction. Further,
we investigated if RelapsePredNet could complement ClusterRFModel (a random
forest model leveraging clustering and template features proposed in prior
work) in a fusion model, by identifying latent behavioral features relevant for
relapse prediction. The CrossCheck dataset consisting of continuous mobile
sensing data obtained from 63 schizophrenia patients, each monitored for up to
a year, was used for our evaluations. The proposed RelapsePredNet outperformed
the deep learning-based anomaly detection model for relapse prediction. The F2
score for prediction were 0.21 and 0.52 in the full test set and the Relapse
Test Set (consisting of data from patients who have had relapse only),
respectively. These corresponded to a 29.4% and 38.8% improvement compared to
the existing deep learning-based model for relapse prediction.
|
109,789 | 109,789 | Gacs-Korner Common Information Variational Autoencoder | We propose a notion of common information that allows one to quantify and
separate the information that is shared between two random variables from the
information that is unique to each. Our notion of common information is a
variational relaxation of the G\'acs-K\"orner common information, which we
recover as a special case, but is more amenable to optimization and can be
approximated empirically using samples from the underlying distribution. We
then provide a method to partition and quantify the common and unique
information using a simple modification of a traditional variational
auto-encoder. Empirically, we demonstrate that our formulation allows us to
learn semantically meaningful common and unique factors of variation even on
high-dimensional data such as images and videos. Moreover, on datasets where
ground-truth latent factors are known, we show that we can accurately quantify
the common information between the random variables. Additionally, we show that
the auto-encoder that we learn recovers semantically meaningful disentangled
factors of variation, even though we do not explicitly optimize for it.
|
109,790 | 109,790 | EBM Life Cycle: MCMC Strategies for Synthesis, Defense, and Density
Modeling | This work presents strategies to learn an Energy-Based Model (EBM) according
to the desired length of its MCMC sampling trajectories. MCMC trajectories of
different lengths correspond to models with different purposes. Our experiments
cover three different trajectory magnitudes and learning outcomes: 1) shortrun
sampling for image generation; 2) midrun sampling for classifier-agnostic
adversarial defense; and 3) longrun sampling for principled modeling of image
probability densities. To achieve these outcomes, we introduce three novel
methods of MCMC initialization for negative samples used in Maximum Likelihood
(ML) learning. With standard network architectures and an unaltered ML
objective, our MCMC initialization methods alone enable significant performance
gains across the three applications that we investigate. Our results include
state-of-the-art FID scores for unnormalized image densities on the CIFAR-10
and ImageNet datasets; state-of-the-art adversarial defense on CIFAR-10 among
purification methods and the first EBM defense on ImageNet; and scalable
techniques for learning valid probability densities. Code for this project can
be found at https://github.com/point0bar1/ebm-life-cycle.
|
109,791 | 109,791 | Asynchronous Neural Networks for Learning in Graphs | This paper studies asynchronous message passing (AMP), a new paradigm for
applying neural network based learning to graphs. Existing graph neural
networks use the synchronous distributed computing model and aggregate their
neighbors in each round, which causes problems such as oversmoothing and limits
their expressiveness. On the other hand, AMP is based on the asynchronous
model, where nodes react to messages of their neighbors individually. We prove
that (i) AMP can simulate synchronous GNNs and that (ii) AMP can theoretically
distinguish any pair of graphs. We experimentally validate AMP's
expressiveness. Further, we show that AMP might be better suited to propagate
messages over large distances in graphs and performs well on several graph
classification benchmarks.
|
109,792 | 109,792 | RevUp: Revise and Update Information Bottleneck for Event Representation | In machine learning, latent variables play a key role to capture the
underlying structure of data, but they are often unsupervised. When we have
side knowledge that already has high-level information about the input data, we
can use that source to guide latent variables and capture the available
background information in a process called "parameter injection." In that
regard, we propose a semi-supervised information bottleneck-based model that
enables the use of side knowledge, even if it is noisy and imperfect, to direct
the learning of discrete latent variables. Fundamentally, we introduce an
auxiliary continuous latent variable as a way to reparameterize the model's
discrete variables with a light-weight hierarchical structure. With this
reparameterization, the model's discrete latent variables are learned to
minimize the mutual information between the observed data and optional side
knowledge that is not already captured by the new, auxiliary variables. We
theoretically show that our approach generalizes an existing method of
parameter injection, and perform an empirical case study of our approach on
language-based event modeling. We corroborate our theoretical results with
strong empirical experiments, showing that the proposed method outperforms
previous proposed approaches on multiple datasets.
|
109,793 | 109,793 | Taming the sign problem of explicitly antisymmetrized neural networks
via rough activation functions | Explicit antisymmetrization of a two-layer neural network is a potential
candidate for a universal function approximator for generic antisymmetric
functions, which are ubiquitous in quantum physics. However, this strategy
suffers from a sign problem, namely, due to near exact cancellation of positive
and negative contributions, the magnitude of the antisymmetrized function may
be significantly smaller than that before antisymmetrization. We prove that the
severity of the sign problem is directly related to the smoothness of the
activation function. For smooth activation functions (e.g., $\tanh$), the sign
problem of the explicitly antisymmetrized two-layer neural network deteriorates
super-polynomially with respect to the system size. On the other hand, for
rough activation functions (e.g., ReLU), the deterioration rate of the sign
problem can be tamed to be at most polynomial with respect to the system size.
Finally, the cost of a direct implementation of antisymmetrized two-layer
neural network scales factorially with respect to the system size. We describe
an efficient algorithm for approximate evaluation of such a network, of which
the cost scales polynomially with respect to the system size and inverse
precision.
|
109,794 | 109,794 | Interpretation Quality Score for Measuring the Quality of
interpretability methods | Machine learning (ML) models have been applied to a wide range of natural
language processing (NLP) tasks in recent years. In addition to making accurate
decisions, the necessity of understanding how models make their decisions has
become apparent in many applications. To that end, many interpretability
methods that help explain the decision processes of ML models have been
developed. Yet, there currently exists no widely-accepted metric to evaluate
the quality of explanations generated by these methods. As a result, there
currently is no standard way of measuring to what degree an interpretability
method achieves an intended objective. Moreover, there is no accepted standard
of performance by which we can compare and rank the current existing
interpretability methods. In this paper, we propose a novel metric for
quantifying the quality of explanations generated by interpretability methods.
We compute the metric on three NLP tasks using six interpretability methods and
present our results.
|
109,795 | 109,795 | History Compression via Language Models in Reinforcement Learning | In a partially observable Markov decision process (POMDP), an agent typically
uses a representation of the past to approximate the underlying MDP. We propose
to utilize a frozen Pretrained Language Transformer (PLT) for history
representation and compression to improve sample efficiency. To avoid training
of the Transformer, we introduce FrozenHopfield, which automatically associates
observations with pretrained token embeddings. To form these associations, a
modern Hopfield network stores these token embeddings, which are retrieved by
queries that are obtained by a random but fixed projection of observations. Our
new method, HELM, enables actor-critic network architectures that contain a
pretrained language Transformer for history representation as a memory module.
Since a representation of the past need not be learned, HELM is much more
sample efficient than competitors. On Minigrid and Procgen environments HELM
achieves new state-of-the-art results. Our code is available at
https://github.com/ml-jku/helm.
|
109,796 | 109,796 | Policy Compliance Detection via Expression Tree Inference | Policy Compliance Detection (PCD) is a task we encounter when reasoning over
texts, e.g. legal frameworks. Previous work to address PCD relies heavily on
modeling the task as a special case of Recognizing Textual Entailment.
Entailment is applicable to the problem of PCD, however viewing the policy as a
single proposition, as opposed to multiple interlinked propositions, yields
poor performance and lacks explainability. To address this challenge, more
recent proposals for PCD have argued for decomposing policies into expression
trees consisting of questions connected with logic operators. Question
answering is used to obtain answers to these questions with respect to a
scenario. Finally, the expression tree is evaluated in order to arrive at an
overall solution. However, this work assumes expression trees are provided by
experts, thus limiting its applicability to new policies. In this work, we
learn how to infer expression trees automatically from policy texts. We ensure
the validity of the inferred trees by introducing constrained decoding using a
finite state automaton to ensure the generation of valid trees. We determine
through automatic evaluation that 63% of the expression trees generated by our
constrained generation model are logically equivalent to gold trees. Human
evaluation shows that 88% of trees generated by our model are correct.
|
109,797 | 109,797 | Action Recognition for American Sign Language | In this research, we present our findings to recognize American Sign Language
from series of hand gestures. While most researches in literature focus only on
static handshapes, our work target dynamic hand gestures. Since dynamic signs
dataset are very few, we collect an initial dataset of 150 videos for 10 signs
and an extension of 225 videos for 15 signs. We apply transfer learning models
in combination with deep neural networks and background subtraction for videos
in different temporal settings. Our primarily results show that we can get an
accuracy of $0.86$ and $0.71$ using DenseNet201, LSTM with video sequence of 12
frames accordingly.
|
109,798 | 109,798 | Wavelet Feature Maps Compression for Image-to-Image CNNs | Convolutional Neural Networks (CNNs) are known for requiring extensive
computational resources, and quantization is among the best and most common
methods for compressing them. While aggressive quantization (i.e., less than
4-bits) performs well for classification, it may cause severe performance
degradation in image-to-image tasks such as semantic segmentation and depth
estimation. In this paper, we propose Wavelet Compressed Convolution (WCC) -- a
novel approach for high-resolution activation maps compression integrated with
point-wise convolutions, which are the main computational cost of modern
architectures. To this end, we use an efficient and hardware-friendly
Haar-wavelet transform, known for its effectiveness in image compression, and
define the convolution on the compressed activation map. We experiment on
various tasks, that benefit from high-resolution input, and by combining WCC
with light quantization, we achieve compression rates equivalent to 1-4bit
activation quantization with relatively small and much more graceful
degradation in performance.
|
109,799 | 109,799 | lpSpikeCon: Enabling Low-Precision Spiking Neural Network Processing for
Efficient Unsupervised Continual Learning on Autonomous Agents | Recent advances have shown that SNN-based systems can efficiently perform
unsupervised continual learning due to their bio-plausible learning rule, e.g.,
Spike-Timing-Dependent Plasticity (STDP). Such learning capabilities are
especially beneficial for use cases like autonomous agents (e.g., robots and
UAVs) that need to continuously adapt to dynamically changing
scenarios/environments, where new data gathered directly from the environment
may have novel features that should be learned online. Current state-of-the-art
works employ high-precision weights (i.e., 32 bit) for both training and
inference phases, which pose high memory and energy costs thereby hindering
efficient embedded implementations of such systems for battery-driven mobile
autonomous systems. On the other hand, precision reduction may jeopardize the
quality of unsupervised continual learning due to information loss. Towards
this, we propose lpSpikeCon, a novel methodology to enable low-precision SNN
processing for efficient unsupervised continual learning on
resource-constrained autonomous agents/systems. Our lpSpikeCon methodology
employs the following key steps: (1) analyzing the impacts of training the SNN
model under unsupervised continual learning settings with reduced weight
precision on the inference accuracy; (2) leveraging this study to identify SNN
parameters that have a significant impact on the inference accuracy; and (3)
developing an algorithm for searching the respective SNN parameter values that
improve the quality of unsupervised continual learning. The experimental
results show that our lpSpikeCon can reduce weight memory of the SNN model by
8x (i.e., by judiciously employing 4-bit weights) for performing online
training with unsupervised continual learning and achieve no accuracy loss in
the inference phase, as compared to the baseline model with 32-bit weights
across different network sizes.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.