title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Deep Convolutional Neural Networks for Raman Spectrum Recognition: A
Unified Solution | Machine learning methods have found many applications in Raman spectroscopy,
especially for the identification of chemical species. However, almost all of
these methods require non-trivial preprocessing such as baseline correction
and/or PCA as an essential step. Here we describe our unified solution for the
identification of chemical species in which a convolutional neural network is
trained to automatically identify substances according to their Raman spectrum
without the need of ad-hoc preprocessing steps. We evaluated our approach using
the RRUFF spectral database, comprising mineral sample data. Superior
classification performance is demonstrated compared with other frequently used
machine learning algorithms including the popular support vector machine.
|
Unsupervised Terminological Ontology Learning based on Hierarchical
Topic Modeling | In this paper, we present hierarchical relationbased latent Dirichlet
allocation (hrLDA), a data-driven hierarchical topic model for extracting
terminological ontologies from a large number of heterogeneous documents. In
contrast to traditional topic models, hrLDA relies on noun phrases instead of
unigrams, considers syntax and document structures, and enriches topic
hierarchies with topic relations. Through a series of experiments, we
demonstrate the superiority of hrLDA over existing topic models, especially for
building hierarchies. Furthermore, we illustrate the robustness of hrLDA in the
settings of noisy data sets, which are likely to occur in many practical
scenarios. Our ontology evaluation results show that ontologies extracted from
hrLDA are very competitive with the ontologies created by domain experts.
|
Practical Attacks Against Graph-based Clustering | Graph modeling allows numerous security problems to be tackled in a general
way, however, little work has been done to understand their ability to
withstand adversarial attacks. We design and evaluate two novel graph attacks
against a state-of-the-art network-level, graph-based detection system. Our
work highlights areas in adversarial machine learning that have not yet been
addressed, specifically: graph-based clustering techniques, and a global
feature space where realistic attackers without perfect knowledge must be
accounted for (by the defenders) in order to be practical. Even though less
informed attackers can evade graph clustering with low cost, we show that some
practical defenses are possible.
|
Block-Simultaneous Direction Method of Multipliers: A proximal
primal-dual splitting algorithm for nonconvex problems with multiple
constraints | We introduce a generalization of the linearized Alternating Direction Method
of Multipliers to optimize a real-valued function $f$ of multiple arguments
with potentially multiple constraints $g_\circ$ on each of them. The function
$f$ may be nonconvex as long as it is convex in every argument, while the
constraints $g_\circ$ need to be convex but not smooth. If $f$ is smooth, the
proposed Block-Simultaneous Direction Method of Multipliers (bSDMM) can be
interpreted as a proximal analog to inexact coordinate descent methods under
constraints. Unlike alternative approaches for joint solvers of
multiple-constraint problems, we do not require linear operators $L$ of a
constraint function $g(L\ \cdot)$ to be invertible or linked between each
other. bSDMM is well-suited for a range of optimization problems, in particular
for data analysis, where $f$ is the likelihood function of a model and $L$
could be a transformation matrix describing e.g. finite differences or basis
transforms. We apply bSDMM to the Non-negative Matrix Factorization task of a
hyperspectral unmixing problem and demonstrate convergence and effectiveness of
multiple constraints on both matrix factors. The algorithms are implemented in
python and released as an open-source package.
|
Interpretable Categorization of Heterogeneous Time Series Data | Understanding heterogeneous multivariate time series data is important in
many applications ranging from smart homes to aviation. Learning models of
heterogeneous multivariate time series that are also human-interpretable is
challenging and not adequately addressed by the existing literature. We propose
grammar-based decision trees (GBDTs) and an algorithm for learning them. GBDTs
extend decision trees with a grammar framework. Logical expressions derived
from a context-free grammar are used for branching in place of simple
thresholds on attributes. The added expressivity enables support for a wide
range of data types while retaining the interpretability of decision trees. In
particular, when a grammar based on temporal logic is used, we show that GBDTs
can be used for the interpretable classi cation of high-dimensional and
heterogeneous time series data. Furthermore, we show how GBDTs can also be used
for categorization, which is a combination of clustering and generating
interpretable explanations for each cluster. We apply GBDTs to analyze the
classic Australian Sign Language dataset as well as data on near mid-air
collisions (NMACs). The NMAC data comes from aircraft simulations used in the
development of the next-generation Airborne Collision Avoidance System (ACAS
X).
|
Tensor Networks for Dimensionality Reduction and Large-Scale
Optimizations. Part 2 Applications and Future Perspectives | Part 2 of this monograph builds on the introduction to tensor networks and
their operations presented in Part 1. It focuses on tensor network models for
super-compressed higher-order representation of data/parameters and related
cost functions, while providing an outline of their applications in machine
learning and data analytics. A particular emphasis is on the tensor train (TT)
and Hierarchical Tucker (HT) decompositions, and their physically meaningful
interpretations which reflect the scalability of the tensor network approach.
Through a graphical approach, we also elucidate how, by virtue of the
underlying low-rank tensor approximations and sophisticated contractions of
core tensors, tensor networks have the ability to perform distributed
computations on otherwise prohibitively large volumes of data/parameters,
thereby alleviating or even eliminating the curse of dimensionality. The
usefulness of this concept is illustrated over a number of applied areas,
including generalized regression and classification (support tensor machines,
canonical correlation analysis, higher order partial least squares),
generalized eigenvalue decomposition, Riemannian optimization, and in the
optimization of deep neural networks. Part 1 and Part 2 of this work can be
used either as stand-alone separate texts, or indeed as a conjoint
comprehensive review of the exciting field of low-rank tensor networks and
tensor decompositions.
|
THAP: A Matlab Toolkit for Learning with Hawkes Processes | As a powerful tool of asynchronous event sequence analysis, point processes
have been studied for a long time and achieved numerous successes in different
fields. Among various point process models, Hawkes process and its variants
attract many researchers in statistics and computer science these years because
they capture the self- and mutually-triggering patterns between different
events in complicated sequences explicitly and quantitatively and are broadly
applicable to many practical problems. In this paper, we describe an
open-source toolkit implementing many learning algorithms and analysis tools
for Hawkes process model and its variants. Our toolkit systematically
summarizes recent state-of-the-art algorithms as well as most classic
algorithms of Hawkes processes, which is beneficial for both academical
education and research. Source code can be downloaded from
https://github.com/HongtengXu/Hawkes-Process-Toolkit.
|
Efficient Convolutional Network Learning using Parametric Log based
Dual-Tree Wavelet ScatterNet | We propose a DTCWT ScatterNet Convolutional Neural Network (DTSCNN) formed by
replacing the first few layers of a CNN network with a parametric log based
DTCWT ScatterNet. The ScatterNet extracts edge based invariant representations
that are used by the later layers of the CNN to learn high-level features. This
improves the training of the network as the later layers can learn more complex
patterns from the start of learning because the edge representations are
already present. The efficient learning of the DTSCNN network is demonstrated
on CIFAR-10 and Caltech-101 datasets. The generic nature of the ScatterNet
front-end is shown by an equivalent performance to pre-trained CNN front-ends.
A comparison with the state-of-the-art on CIFAR-10 and Caltech-101 datasets is
also presented.
|
Optimal and Learning Control for Autonomous Robots | Optimal and Learning Control for Autonomous Robots has been taught in the
Robotics, Systems and Controls Masters at ETH Zurich with the aim to teach
optimal control and reinforcement learning for closed loop control problems
from a unified point of view. The starting point is the formulation of of an
optimal control problem and deriving the different types of solutions and
algorithms from there. These lecture notes aim at supporting this unified view
with a unified notation wherever possible, and a bit of a translation help to
compare the terminology and notation in the different fields. The course
assumes basic knowledge of Control Theory, Linear Algebra and Stochastic
Calculus.
|
Machine Learning Topological Invariants with Neural Networks | In this Letter we supervisedly train neural networks to distinguish different
topological phases in the context of topological band insulators. After
training with Hamiltonians of one-dimensional insulators with chiral symmetry,
the neural network can predict their topological winding numbers with nearly
100% accuracy, even for Hamiltonians with larger winding numbers that are not
included in the training data. These results show a remarkable success that the
neural network can capture the global and nonlinear topological features of
quantum phases from local inputs. By opening up the neural network, we confirm
that the network does learn the discrete version of the winding number formula.
We also make a couple of remarks regarding the role of the symmetry and the
opposite effect of regularization techniques when applying machine learning to
physical systems.
|
Incorporating Feedback into Tree-based Anomaly Detection | Anomaly detectors are often used to produce a ranked list of statistical
anomalies, which are examined by human analysts in order to extract the actual
anomalies of interest. Unfortunately, in realworld applications, this process
can be exceedingly difficult for the analyst since a large fraction of
high-ranking anomalies are false positives and not interesting from the
application perspective. In this paper, we aim to make the analyst's job easier
by allowing for analyst feedback during the investigation process. Ideally, the
feedback influences the ranking of the anomaly detector in a way that reduces
the number of false positives that must be examined before discovering the
anomalies of interest. In particular, we introduce a novel technique for
incorporating simple binary feedback into tree-based anomaly detectors. We
focus on the Isolation Forest algorithm as a representative tree-based anomaly
detector, and show that we can significantly improve its performance by
incorporating feedback, when compared with the baseline algorithm that does not
incorporate feedback. Our technique is simple and scales well as the size of
the data increases, which makes it suitable for interactive discovery of
anomalies in large datasets.
|
A Compressive Sensing Approach to Community Detection with Applications | The community detection problem for graphs asks one to partition the n
vertices V of a graph G into k communities, or clusters, such that there are
many intracluster edges and few intercluster edges. Of course this is
equivalent to finding a permutation matrix P such that, if A denotes the
adjacency matrix of G, then PAP^T is approximately block diagonal. As there are
k^n possible partitions of n vertices into k subsets, directly determining the
optimal clustering is clearly infeasible. Instead one seeks to solve a more
tractable approximation to the clustering problem. In this paper we reformulate
the community detection problem via sparse solution of a linear system
associated with the Laplacian of a graph G and then develop a two-stage
approach based on a thresholding technique and a compressive sensing algorithm
to find a sparse solution which corresponds to the community containing a
vertex of interest in G. Crucially, our approach results in an algorithm which
is able to find a single cluster of size n_0 in O(nlog(n)n_0) operations and
all k clusters in fewer than O(n^2ln(n)) operations. This is a marked
improvement over the classic spectral clustering algorithm, which is unable to
find a single cluster at a time and takes approximately O(n^3) operations to
find all k clusters. Moreover, we are able to provide robust guarantees of
success for the case where G is drawn at random from the Stochastic Block
Model, a popular model for graphs with clusters. Extensive numerical results
are also provided, showing the efficacy of our algorithm on both synthetic and
real-world data sets.
|
Leveraging Deep Neural Network Activation Entropy to cope with Unseen
Data in Speech Recognition | Unseen data conditions can inflict serious performance degradation on systems
relying on supervised machine learning algorithms. Because data can often be
unseen, and because traditional machine learning algorithms are trained in a
supervised manner, unsupervised adaptation techniques must be used to adapt the
model to the unseen data conditions. However, unsupervised adaptation is often
challenging, as one must generate some hypothesis given a model and then use
that hypothesis to bootstrap the model to the unseen data conditions.
Unfortunately, reliability of such hypotheses is often poor, given the mismatch
between the training and testing datasets. In such cases, a model hypothesis
confidence measure enables performing data selection for the model adaptation.
Underlying this approach is the fact that for unseen data conditions, data
variability is introduced to the model, which the model propagates to its
output decision, impacting decision reliability. In a fully connected network,
this data variability is propagated as distortions from one layer to the next.
This work aims to estimate the propagation of such distortion in the form of
network activation entropy, which is measured over a short- time running window
on the activation from each neuron of a given hidden layer, and these
measurements are then used to compute summary entropy. This work demonstrates
that such an entropy measure can help to select data for unsupervised model
adaptation, resulting in performance gains in speech recognition tasks. Results
from standard benchmark speech recognition tasks show that the proposed
approach can alleviate the performance degradation experienced under unseen
data conditions by iteratively adapting the model to the unseen datas acoustic
condition.
|
Resilient Autonomous Control of Distributed Multi-agent Systems in
Contested Environments | An autonomous and resilient controller is proposed for leader-follower
multi-agent systems under uncertainties and cyber-physical attacks. The leader
is assumed non-autonomous with a nonzero control input, which allows changing
the team behavior or mission in response to environmental changes. A resilient
learning-based control protocol is presented to find optimal solutions to the
synchronization problem in the presence of attacks and system dynamic
uncertainties. An observer-based distributed H_infinity controller is first
designed to prevent propagating the effects of attacks on sensors and actuators
throughout the network, as well as to attenuate the effect of these attacks on
the compromised agent itself. Non-homogeneous game algebraic Riccati equations
are derived to solve the H_infinity optimal synchronization problem and
off-policy reinforcement learning is utilized to learn their solution without
requiring any knowledge of the agent's dynamics. A trust-confidence based
distributed control protocol is then proposed to mitigate attacks that hijack
the entire node and attacks on communication links. A confidence value is
defined for each agent based solely on its local evidence. The proposed
resilient reinforcement learning algorithm employs the confidence value of each
agent to indicate the trustworthiness of its own information and broadcast it
to its neighbors to put weights on the data they receive from it during and
after learning. If the confidence value of an agent is low, it employs a trust
mechanism to identify compromised agents and remove the data it receives from
them from the learning process. Simulation results are provided to show the
effectiveness of the proposed approach.
|
Design and Analysis of the NIPS 2016 Review Process | Neural Information Processing Systems (NIPS) is a top-tier annual conference
in machine learning. The 2016 edition of the conference comprised more than
2,400 paper submissions, 3,000 reviewers, and 8,000 attendees. This represents
a growth of nearly 40% in terms of submissions, 96% in terms of reviewers, and
over 100% in terms of attendees as compared to the previous year. The massive
scale as well as rapid growth of the conference calls for a thorough quality
assessment of the peer-review process and novel means of improvement. In this
paper, we analyze several aspects of the data collected during the review
process, including an experiment investigating the efficacy of collecting
ordinal rankings from reviewers. Our goal is to check the soundness of the
review process, and provide insights that may be useful in the design of the
review process of subsequent conferences.
|
Efficient tracking of a growing number of experts | We consider a variation on the problem of prediction with expert advice,
where new forecasters that were unknown until then may appear at each round. As
often in prediction with expert advice, designing an algorithm that achieves
near-optimal regret guarantees is straightforward, using aggregation of
experts. However, when the comparison class is sufficiently rich, for instance
when the best expert and the set of experts itself changes over time, such
strategies naively require to maintain a prohibitive number of weights
(typically exponential with the time horizon). By contrast, designing
strategies that both achieve a near-optimal regret and maintain a reasonable
number of weights is highly non-trivial. We consider three increasingly
challenging objectives (simple regret, shifting regret and sparse shifting
regret) that extend existing notions defined for a fixed expert ensemble; in
each case, we design strategies that achieve tight regret bounds, adaptive to
the parameters of the comparison class, while being computationally
inexpensive. Moreover, our algorithms are anytime, agnostic to the number of
incoming experts and completely parameter-free. Such remarkable results are
made possible thanks to two simple but highly effective recipes: first the
"abstention trick" that comes from the specialist framework and enables to
handle the least challenging notions of regret, but is limited when addressing
more sophisticated objectives. Second, the "muting trick" that we introduce to
give more flexibility. We show how to combine these two tricks in order to
handle the most challenging class of comparison strategies.
|
A State-Space Approach to Dynamic Nonnegative Matrix Factorization | Nonnegative matrix factorization (NMF) has been actively investigated and
used in a wide range of problems in the past decade. A significant amount of
attention has been given to develop NMF algorithms that are suitable to model
time series with strong temporal dependencies. In this paper, we propose a
novel state-space approach to perform dynamic NMF (D-NMF). In the proposed
probabilistic framework, the NMF coefficients act as the state variables and
their dynamics are modeled using a multi-lag nonnegative vector autoregressive
(N-VAR) model within the process equation. We use expectation maximization and
propose a maximum-likelihood estimation framework to estimate the basis matrix
and the N-VAR model parameters. Interestingly, the N-VAR model parameters are
obtained by simply applying NMF. Moreover, we derive a maximum a posteriori
estimate of the state variables (i.e., the NMF coefficients) that is based on a
prediction step and an update step, similarly to the Kalman filter. We
illustrate the benefits of the proposed approach using different numerical
simulations where D-NMF significantly outperforms its static counterpart.
Experimental results for three different applications show that the proposed
approach outperforms two state-of-the-art NMF approaches that exploit temporal
dependencies, namely a nonnegative hidden Markov model and a frame stacking
approach, while it requires less memory and computational power.
|
Glyph-aware Embedding of Chinese Characters | Given the advantage and recent success of English character-level and
subword-unit models in several NLP tasks, we consider the equivalent modeling
problem for Chinese. Chinese script is logographic and many Chinese logograms
are composed of common substructures that provide semantic, phonetic and
syntactic hints. In this work, we propose to explicitly incorporate the visual
appearance of a character's glyph in its representation, resulting in a novel
glyph-aware embedding of Chinese characters. Being inspired by the success of
convolutional neural networks in computer vision, we use them to incorporate
the spatio-structural patterns of Chinese glyphs as rendered in raw pixels. In
the context of two basic Chinese NLP tasks of language modeling and word
segmentation, the model learns to represent each character's task-relevant
semantic and syntactic information in the character-level embedding.
|
EuroSAT: A Novel Dataset and Deep Learning Benchmark for Land Use and
Land Cover Classification | In this paper, we address the challenge of land use and land cover
classification using Sentinel-2 satellite images. The Sentinel-2 satellite
images are openly and freely accessible provided in the Earth observation
program Copernicus. We present a novel dataset based on Sentinel-2 satellite
images covering 13 spectral bands and consisting out of 10 classes with in
total 27,000 labeled and geo-referenced images. We provide benchmarks for this
novel dataset with its spectral bands using state-of-the-art deep Convolutional
Neural Network (CNNs). With the proposed novel dataset, we achieved an overall
classification accuracy of 98.57%. The resulting classification system opens a
gate towards a number of Earth observation applications. We demonstrate how
this classification system can be used for detecting land use and land cover
changes and how it can assist in improving geographical maps. The
geo-referenced dataset EuroSAT is made publicly available at
https://github.com/phelber/eurosat.
|
On Security and Sparsity of Linear Classifiers for Adversarial Settings | Machine-learning techniques are widely used in security-related applications,
like spam and malware detection. However, in such settings, they have been
shown to be vulnerable to adversarial attacks, including the deliberate
manipulation of data at test time to evade detection. In this work, we focus on
the vulnerability of linear classifiers to evasion attacks. This can be
considered a relevant problem, as linear classifiers have been increasingly
used in embedded systems and mobile devices for their low processing time and
memory requirements. We exploit recent findings in robust optimization to
investigate the link between regularization and security of linear classifiers,
depending on the type of attack. We also analyze the relationship between the
sparsity of feature weights, which is desirable for reducing processing cost,
and the security of linear classifiers. We further propose a novel octagonal
regularizer that allows us to achieve a proper trade-off between them. Finally,
we empirically show how this regularizer can improve classifier security and
sparsity in real-world application examples including spam and malware
detection.
|
The Role of Minimal Complexity Functions in Unsupervised Learning of
Semantic Mappings | We discuss the feasibility of the following learning problem: given unmatched
samples from two domains and nothing else, learn a mapping between the two,
which preserves semantics. Due to the lack of paired samples and without any
definition of the semantic information, the problem might seem ill-posed.
Specifically, in typical cases, it seems possible to build infinitely many
alternative mappings from every target mapping. This apparent ambiguity stands
in sharp contrast to the recent empirical success in solving this problem.
We identify the abstract notion of aligning two domains in a semantic way
with concrete terms of minimal relative complexity. A theoretical framework for
measuring the complexity of compositions of functions is developed in order to
show that it is reasonable to expect the minimal complexity mapping to be
unique. The measured complexity used is directly related to the depth of the
neural networks being learned and a semantically aligned mapping could then be
captured simply by learning using architectures that are not much bigger than
the minimal architecture.
Various predictions are made based on the hypothesis that semantic alignment
can be captured by the minimal mapping. These are verified extensively. In
addition, a new mapping algorithm is proposed and shown to lead to better
mapping results.
|
First and Second Order Methods for Online Convolutional Dictionary
Learning | Convolutional sparse representations are a form of sparse representation with
a structured, translation invariant dictionary. Most convolutional dictionary
learning algorithms to date operate in batch mode, requiring simultaneous
access to all training images during the learning process, which results in
very high memory usage and severely limits the training data that can be used.
Very recently, however, a number of authors have considered the design of
online convolutional dictionary learning algorithms that offer far better
scaling of memory and computational cost with training set size than batch
methods. This paper extends our prior work, improving a number of aspects of
our previous algorithm; proposing an entirely new one, with better performance,
and that supports the inclusion of a spatial mask for learning from incomplete
data; and providing a rigorous theoretical analysis of these methods.
|
Low Permutation-rank Matrices: Structural Properties and Noisy
Completion | We consider the problem of noisy matrix completion, in which the goal is to
reconstruct a structured matrix whose entries are partially observed in noise.
Standard approaches to this underdetermined inverse problem are based on
assuming that the underlying matrix has low rank, or is well-approximated by a
low rank matrix. In this paper, we propose a richer model based on what we term
the "permutation-rank" of a matrix. We first describe how the classical
non-negative rank model enforces restrictions that may be undesirable in
practice, and how and these restrictions can be avoided by using the richer
permutation-rank model. Second, we establish the minimax rates of estimation
under the new permutation-based model, and prove that surprisingly, the minimax
rates are equivalent up to logarithmic factors to those for estimation under
the typical low rank model. Third, we analyze a computationally efficient
singular-value-thresholding algorithm, known to be optimal for the low-rank
setting, and show that it also simultaneously yields a consistent estimator for
the low-permutation rank setting. Finally, we present various structural
results characterizing the uniqueness of the permutation-rank decomposition,
and characterizing convex approximations of the permutation-rank polytope.
|
Fast Incremental SVDD Learning Algorithm with the Gaussian Kernel | Support vector data description (SVDD) is a machine learning technique that
is used for single-class classification and outlier detection. The idea of SVDD
is to find a set of support vectors that defines a boundary around data. When
dealing with online or large data, existing batch SVDD methods have to be rerun
in each iteration. We propose an incremental learning algorithm for SVDD that
uses the Gaussian kernel. This algorithm builds on the observation that all
support vectors on the boundary have the same distance to the center of sphere
in a higher-dimensional feature space as mapped by the Gaussian kernel
function. Each iteration involves only the existing support vectors and the new
data point. Moreover, the algorithm is based solely on matrix manipulations;
the support vectors and their corresponding Lagrange multiplier $\alpha_i$'s
are automatically selected and determined in each iteration. It can be seen
that the complexity of our algorithm in each iteration is only $O(k^2)$, where
$k$ is the number of support vectors. Experimental results on some real data
sets indicate that FISVDD demonstrates significant gains in efficiency with
almost no loss in either outlier detection accuracy or objective function
value.
|
Learning what to read: Focused machine reading | Recent efforts in bioinformatics have achieved tremendous progress in the
machine reading of biomedical literature, and the assembly of the extracted
biochemical interactions into large-scale models such as protein signaling
pathways. However, batch machine reading of literature at today's scale (PubMed
alone indexes over 1 million papers per year) is unfeasible due to both cost
and processing overhead. In this work, we introduce a focused reading approach
to guide the machine reading of biomedical literature towards what literature
should be read to answer a biomedical query as efficiently as possible. We
introduce a family of algorithms for focused reading, including an intuitive,
strong baseline, and a second approach which uses a reinforcement learning (RL)
framework that learns when to explore (widen the search) or exploit (narrow
it). We demonstrate that the RL approach is capable of answering more queries
than the baseline, while being more efficient, i.e., reading fewer documents.
|
Order-Planning Neural Text Generation From Structured Data | Generating texts from structured data (e.g., a table) is important for
various natural language processing tasks such as question answering and dialog
systems. In recent studies, researchers use neural language models and
encoder-decoder frameworks for table-to-text generation. However, these neural
network-based approaches do not model the order of contents during text
generation. When a human writes a summary based on a given table, he or she
would probably consider the content order before wording. In a biography, for
example, the nationality of a person is typically mentioned before occupation
in a biography. In this paper, we propose an order-planning text generation
model to capture the relationship between different fields and use such
relationship to make the generated text more fluent and smooth. We conducted
experiments on the WikiBio dataset and achieve significantly higher performance
than previous methods in terms of BLEU, ROUGE, and NIST scores.
|
A Two-Step Disentanglement Method | We address the problem of disentanglement of factors that generate a given
data into those that are correlated with the labeling and those that are not.
Our solution is simpler than previous solutions and employs adversarial
training. First, the part of the data that is correlated with the labels is
extracted by training a classifier. Then, the other part is extracted such that
it enables the reconstruction of the original data but does not contain label
information. The utility of the new method is demonstrated on visual datasets
as well as on financial data. Our code is available at
https://github.com/naamahadad/A-Two-Step-Disentanglement-Method
|
Learning Multi-item Auctions with (or without) Samples | We provide algorithms that learn simple auctions whose revenue is
approximately optimal in multi-item multi-bidder settings, for a wide range of
valuations including unit-demand, additive, constrained additive, XOS, and
subadditive. We obtain our learning results in two settings. The first is the
commonly studied setting where sample access to the bidders' distributions over
valuations is given, for both regular distributions and arbitrary distributions
with bounded support. Our algorithms require polynomially many samples in the
number of items and bidders. The second is a more general max-min learning
setting that we introduce, where we are given "approximate distributions," and
we seek to compute an auction whose revenue is approximately optimal
simultaneously for all "true distributions" that are close to the given ones.
These results are more general in that they imply the sample-based results, and
are also applicable in settings where we have no sample access to the
underlying distributions but have estimated them indirectly via market research
or by observation of previously run, potentially non-truthful auctions.
Our results hold for valuation distributions satisfying the standard (and
necessary) independence-across-items property. They also generalize and improve
upon recent works, which have provided algorithms that learn approximately
optimal auctions in more restricted settings with additive, subadditive and
unit-demand valuations using sample access to distributions. We generalize
these results to the complete unit-demand, additive, and XOS setting, to i.i.d.
subadditive bidders, and to the max-min setting.
Our results are enabled by new uniform convergence bounds for hypotheses
classes under product measures. Our bounds result in exponential savings in
sample complexity compared to bounds derived by bounding the VC dimension, and
are of independent interest.
|
Telepath: Understanding Users from a Human Vision Perspective in
Large-Scale Recommender Systems | Designing an e-commerce recommender system that serves hundreds of millions
of active users is a daunting challenge. From a human vision perspective,
there're two key factors that affect users' behaviors: items' attractiveness
and their matching degree with users' interests. This paper proposes Telepath,
a vision-based bionic recommender system model, which understands users from
such perspective. Telepath is a combination of a convolutional neural network
(CNN), a recurrent neural network (RNN) and deep neural networks (DNNs). Its
CNN subnetwork simulates the human vision system to extract key visual signals
of items' attractiveness and generate corresponding activations. Its RNN and
DNN subnetworks simulate cerebral cortex to understand users' interest based on
the activations generated from browsed items. In practice, the Telepath model
has been launched to JD's recommender system and advertising system. For one of
the major item recommendation blocks on the JD app, click-through rate (CTR),
gross merchandise value (GMV) and orders have increased 1.59%, 8.16% and 8.71%
respectively. For several major ads publishers of JD demand-side platform, CTR,
GMV and return on investment have increased 6.58%, 61.72% and 65.57%
respectively by the first launch, and further increased 2.95%, 41.75% and
41.37% respectively by the second launch.
|
MIT-QCRI Arabic Dialect Identification System for the 2017 Multi-Genre
Broadcast Challenge | In order to successfully annotate the Arabic speech con- tent found in
open-domain media broadcasts, it is essential to be able to process a diverse
set of Arabic dialects. For the 2017 Multi-Genre Broadcast challenge (MGB-3)
there were two possible tasks: Arabic speech recognition, and Arabic Dialect
Identification (ADI). In this paper, we describe our efforts to create an ADI
system for the MGB-3 challenge, with the goal of distinguishing amongst four
major Arabic dialects, as well as Modern Standard Arabic. Our research fo-
cused on dialect variability and domain mismatches between the training and
test domain. In order to achieve a robust ADI system, we explored both Siamese
neural network models to learn similarity and dissimilarities among Arabic
dialects, as well as i-vector post-processing to adapt domain mismatches. Both
Acoustic and linguistic features were used for the final MGB-3 submissions,
with the best primary system achieving 75% accuracy on the official 10hr test
set.
|
PassGAN: A Deep Learning Approach for Password Guessing | State-of-the-art password guessing tools, such as HashCat and John the
Ripper, enable users to check billions of passwords per second against password
hashes. In addition to performing straightforward dictionary attacks, these
tools can expand password dictionaries using password generation rules, such as
concatenation of words (e.g., "password123456") and leet speak (e.g.,
"password" becomes "p4s5w0rd"). Although these rules work well in practice,
expanding them to model further passwords is a laborious task that requires
specialized expertise. To address this issue, in this paper we introduce
PassGAN, a novel approach that replaces human-generated password rules with
theory-grounded machine learning algorithms. Instead of relying on manual
password analysis, PassGAN uses a Generative Adversarial Network (GAN) to
autonomously learn the distribution of real passwords from actual password
leaks, and to generate high-quality password guesses. Our experiments show that
this approach is very promising. When we evaluated PassGAN on two large
password datasets, we were able to surpass rule-based and state-of-the-art
machine learning password guessing tools. However, in contrast with the other
tools, PassGAN achieved this result without any a-priori knowledge on passwords
or common password structures. Additionally, when we combined the output of
PassGAN with the output of HashCat, we were able to match 51%-73% more
passwords than with HashCat alone. This is remarkable, because it shows that
PassGAN can autonomously extract a considerable number of password properties
that current state-of-the art rules do not encode.
|
Mean Actor Critic | We propose a new algorithm, Mean Actor-Critic (MAC), for discrete-action
continuous-state reinforcement learning. MAC is a policy gradient algorithm
that uses the agent's explicit representation of all action values to estimate
the gradient of the policy, rather than using only the actions that were
actually executed. We prove that this approach reduces variance in the policy
gradient estimate relative to traditional actor-critic methods. We show
empirical results on two control domains and on six Atari games, where MAC is
competitive with state-of-the-art policy search algorithms.
|
Training Shallow and Thin Networks for Acceleration via Knowledge
Distillation with Conditional Adversarial Networks | There is an increasing interest on accelerating neural networks for real-time
applications. We study the student-teacher strategy, in which a small and fast
student network is trained with the auxiliary information learned from a large
and accurate teacher network. We propose to use conditional adversarial
networks to learn the loss function to transfer knowledge from teacher to
student. The proposed method is particularly effective for relatively small
student networks. Moreover, experimental results show the effect of network
size when the modern networks are used as student. We empirically study the
trade-off between inference time and classification accuracy, and provide
suggestions on choosing a proper student network.
|
Communication-efficient Algorithm for Distributed Sparse Learning via
Two-way Truncation | We propose a communicationally and computationally efficient algorithm for
high-dimensional distributed sparse learning. At each iteration, local machines
compute the gradient on local data and the master machine solves one shifted
$l_1$ regularized minimization problem. The communication cost is reduced from
constant times of the dimension number for the state-of-the-art algorithm to
constant times of the sparsity number via Two-way Truncation procedure.
Theoretically, we prove that the estimation error of the proposed algorithm
decreases exponentially and matches that of the centralized method under mild
assumptions. Extensive experiments on both simulated data and real data verify
that the proposed algorithm is efficient and has performance comparable with
the centralized method on solving high-dimensional sparse learning problems.
|
Patterns versus Characters in Subword-aware Neural Language Modeling | Words in some natural languages can have a composite structure. Elements of
this structure include the root (that could also be composite), prefixes and
suffixes with which various nuances and relations to other words can be
expressed. Thus, in order to build a proper word representation one must take
into account its internal structure. From a corpus of texts we extract a set of
frequent subwords and from the latter set we select patterns, i.e. subwords
which encapsulate information on character $n$-gram regularities. The selection
is made using the pattern-based Conditional Random Field model with $l_1$
regularization. Further, for every word we construct a new sequence over an
alphabet of patterns. The new alphabet's symbols confine a local statistical
context stronger than the characters, therefore they allow better
representations in ${\mathbb{R}}^n$ and are better building blocks for word
representation. In the task of subword-aware language modeling, pattern-based
models outperform character-based analogues by 2-20 perplexity points. Also, a
recurrent neural network in which a word is represented as a sum of embeddings
of its patterns is on par with a competitive and significantly more
sophisticated character-based convolutional architecture.
|
XFlow: Cross-modal Deep Neural Networks for Audiovisual Classification | In recent years, there have been numerous developments towards solving
multimodal tasks, aiming to learn a stronger representation than through a
single modality. Certain aspects of the data can be particularly useful in this
case - for example, correlations in the space or time domain across modalities
- but should be wisely exploited in order to benefit from their full predictive
potential. We propose two deep learning architectures with multimodal
cross-connections that allow for dataflow between several feature extractors
(XFlow). Our models derive more interpretable features and achieve better
performances than models which do not exchange representations, usefully
exploiting correlations between audio and visual data, which have a different
dimensionality and are nontrivially exchangeable. Our work improves on existing
multimodal deep learning algorithms in two essential ways: (1) it presents a
novel method for performing cross-modality (before features are learned from
individual modalities) and (2) extends the previously proposed
cross-connections which only transfer information between streams that process
compatible data. Illustrating some of the representations learned by the
connections, we analyse their contribution to the increase in discrimination
ability and reveal their compatibility with a lip-reading network intermediate
representation. We provide the research community with Digits, a new dataset
consisting of three data types extracted from videos of people saying the
digits 0-9. Results show that both cross-modal architectures outperform their
baselines (by up to 11.5%) when evaluated on the AVletters, CUAVE and Digits
datasets, achieving state-of-the-art results.
|
Grasping the Finer Point: A Supervised Similarity Network for Metaphor
Detection | The ubiquity of metaphor in our everyday communication makes it an important
problem for natural language understanding. Yet, the majority of metaphor
processing systems to date rely on hand-engineered features and there is still
no consensus in the field as to which features are optimal for this task. In
this paper, we present the first deep learning architecture designed to capture
metaphorical composition. Our results demonstrate that it outperforms the
existing approaches in the metaphor identification task.
|
Deep Learning-Guided Image Reconstruction from Incomplete Data | An approach to incorporate deep learning within an iterative image
reconstruction framework to reconstruct images from severely incomplete
measurement data is presented. Specifically, we utilize a convolutional neural
network (CNN) as a quasi-projection operator within a least squares
minimization procedure. The CNN is trained to encode high level information
about the class of images being imaged; this information is utilized to
mitigate artifacts in intermediate images produced by use of an iterative
method. The structure of the method was inspired by the proximal gradient
descent method, where the proximal operator is replaced by a deep CNN and the
gradient descent step is generalized by use of a linear reconstruction
operator. It is demonstrated that this approach improves image quality for
several cases of limited-view image reconstruction and that using a CNN in an
iterative method increases performance compared to conventional image
reconstruction approaches. We test our method on several limited-view image
reconstruction problems. Qualitative and quantitative results demonstrate
state-of-the-art performance.
|
First-Order Adaptive Sample Size Methods to Reduce Complexity of
Empirical Risk Minimization | This paper studies empirical risk minimization (ERM) problems for large-scale
datasets and incorporates the idea of adaptive sample size methods to improve
the guaranteed convergence bounds for first-order stochastic and deterministic
methods. In contrast to traditional methods that attempt to solve the ERM
problem corresponding to the full dataset directly, adaptive sample size
schemes start with a small number of samples and solve the corresponding ERM
problem to its statistical accuracy. The sample size is then grown
geometrically -- e.g., scaling by a factor of two -- and use the solution of
the previous ERM as a warm start for the new ERM. Theoretical analyses show
that the use of adaptive sample size methods reduces the overall computational
cost of achieving the statistical accuracy of the whole dataset for a broad
range of deterministic and stochastic first-order methods. The gains are
specific to the choice of method. When particularized to, e.g., accelerated
gradient descent and stochastic variance reduce gradient, the computational
cost advantage is a logarithm of the number of training samples. Numerical
experiments on various datasets confirm theoretical claims and showcase the
gains of using the proposed adaptive sample size scheme.
|
Security Evaluation of Pattern Classifiers under Attack | Pattern classification systems are commonly used in adversarial applications,
like biometric authentication, network intrusion detection, and spam filtering,
in which data can be purposely manipulated by humans to undermine their
operation. As this adversarial scenario is not taken into account by classical
design methods, pattern classification systems may exhibit vulnerabilities,
whose exploitation may severely affect their performance, and consequently
limit their practical utility. Extending pattern classification theory and
design methods to adversarial settings is thus a novel and very relevant
research direction, which has not yet been pursued in a systematic way. In this
paper, we address one of the main open issues: evaluating at design phase the
security of pattern classifiers, namely, the performance degradation under
potential attacks they may incur during operation. We propose a framework for
empirical evaluation of classifier security that formalizes and generalizes the
main ideas proposed in the literature, and give examples of its use in three
real applications. Reported results show that security evaluation can provide a
more complete understanding of the classifier's behavior in adversarial
environments, and lead to better design choices.
|
On Identifiability of Nonnegative Matrix Factorization | In this letter, we propose a new identification criterion that guarantees the
recovery of the low-rank latent factors in the nonnegative matrix factorization
(NMF) model, under mild conditions. Specifically, using the proposed criterion,
it suffices to identify the latent factors if the rows of one factor are
\emph{sufficiently scattered} over the nonnegative orthant, while no structural
assumption is imposed on the other factor except being full-rank. This is by
far the mildest condition under which the latent factors are provably
identifiable from the NMF model.
|
Fast Image Processing with Fully-Convolutional Networks | We present an approach to accelerating a wide variety of image processing
operators. Our approach uses a fully-convolutional network that is trained on
input-output pairs that demonstrate the operator's action. After training, the
original operator need not be run at all. The trained network operates at full
resolution and runs in constant time. We investigate the effect of network
architecture on approximation accuracy, runtime, and memory footprint, and
identify a specific architecture that balances these considerations. We
evaluate the presented approach on ten advanced image processing operators,
including multiple variational models, multiscale tone and detail manipulation,
photographic style transfer, nonlocal dehazing, and nonphotorealistic
stylization. All operators are approximated by the same model. Experiments
demonstrate that the presented approach is significantly more accurate than
prior approximation schemes. It increases approximation accuracy as measured by
PSNR across the evaluated operators by 8.5 dB on the MIT-Adobe dataset (from
27.5 to 36 dB) and reduces DSSIM by a multiplicative factor of 3 compared to
the most accurate prior approximation scheme, while being the fastest. We show
that our models generalize across datasets and across resolutions, and
investigate a number of extensions of the presented approach. The results are
shown in the supplementary video at https://youtu.be/eQyfHgLx8Dc
|
From Query-By-Keyword to Query-By-Example: LinkedIn Talent Search
Approach | One key challenge in talent search is to translate complex criteria of a
hiring position into a search query, while it is relatively easy for a searcher
to list examples of suitable candidates for a given position. To improve search
efficiency, we propose the next generation of talent search at LinkedIn, also
referred to as Search By Ideal Candidates. In this system, a searcher provides
one or several ideal candidates as the input to hire for a given position. The
system then generates a query based on the ideal candidates and uses it to
retrieve and rank results. Shifting from the traditional Query-By-Keyword to
this new Query-By-Example system poses a number of challenges: How to generate
a query that best describes the candidates? When moving to a completely
different paradigm, how does one leverage previous product logs to learn
ranking models and/or evaluate the new system with no existing usage logs?
Finally, given the different nature between the two search paradigms, the
ranking features typically used for Query-By-Keyword systems might not be
optimal for Query-By-Example. This paper describes our approach to solving
these challenges. We present experimental results confirming the effectiveness
of the proposed solution, particularly on query building and search ranking
tasks. As of writing this paper, the new system has been available to all
LinkedIn members.
|
SamBaTen: Sampling-based Batch Incremental Tensor Decomposition | Tensor decompositions are invaluable tools in analyzing multimodal datasets.
In many real-world scenarios, such datasets are far from being static, to the
contrary they tend to grow over time. For instance, in an online social network
setting, as we observe new interactions over time, our dataset gets updated in
its "time" mode. How can we maintain a valid and accurate tensor decomposition
of such a dynamically evolving multimodal dataset, without having to re-compute
the entire decomposition after every single update? In this paper we introduce
SaMbaTen, a Sampling-based Batch Incremental Tensor Decomposition algorithm,
which incrementally maintains the decomposition given new updates to the tensor
dataset. SaMbaTen is able to scale to datasets that the state-of-the-art in
incremental tensor decomposition is unable to operate on, due to its ability to
effectively summarize the existing tensor and the incoming updates, and perform
all computations in the reduced summary space. We extensively evaluate SaMbaTen
using synthetic and real datasets. Indicatively, SaMbaTen achieves comparable
accuracy to state-of-the-art incremental and non-incremental techniques, while
being 25-30 times faster. Furthermore, SaMbaTen scales to very large sparse and
dense dynamically evolving tensors of dimensions up to 100K x 100K x 100K where
state-of-the-art incremental approaches were not able to operate.
|
Understanding the Logical and Semantic Structure of Large Documents | Current language understanding approaches focus on small documents, such as
newswire articles, blog posts, product reviews and discussion forum entries.
Understanding and extracting information from large documents like legal
briefs, proposals, technical manuals and research articles is still a
challenging task. We describe a framework that can analyze a large document and
help people to know where a particular information is in that document. We aim
to automatically identify and classify semantic sections of documents and
assign consistent and human-understandable labels to similar sections across
documents. A key contribution of our research is modeling the logical and
semantic structure of an electronic document. We apply machine learning
techniques, including deep learning, in our prototype system. We also make
available a dataset of information about a collection of scholarly articles
from the arXiv eprints collection that includes a wide range of metadata for
each article, including a table of contents, section labels, section
summarizations and more. We hope that this dataset will be a useful resource
for the machine learning and NLP communities in information retrieval,
content-based question answering and language modeling.
|
Semi-supervised Learning with Deep Generative Models for Asset Failure
Prediction | This work presents a novel semi-supervised learning approach for data-driven
modeling of asset failures when health status is only partially known in
historical data. We combine a generative model parameterized by deep neural
networks with non-linear embedding technique. It allows us to build prognostic
models with the limited amount of health status information for the precise
prediction of future asset reliability. The proposed method is evaluated on a
publicly available dataset for remaining useful life (RUL) estimation, which
shows significant improvement even when a fraction of the data with known
health status is as sparse as 1% of the total. Our study suggests that the
non-linear embedding based on a deep generative model can efficiently
regularize a complex model with deep architectures while achieving high
prediction accuracy that is far less sensitive to the availability of health
status information.
|
Neural Networks for Safety-Critical Applications - Challenges,
Experiments and Perspectives | We propose a methodology for designing dependable Artificial Neural Networks
(ANN) by extending the concepts of understandability, correctness, and validity
that are crucial ingredients in existing certification standards. We apply the
concept in a concrete case study in designing a high-way ANN-based motion
predictor to guarantee safety properties such as impossibility for the ego
vehicle to suggest moving to the right lane if there exists another vehicle on
its right.
|
Learning Word Embeddings from the Portuguese Twitter Stream: A Study of
some Practical Aspects | This paper describes a preliminary study for producing and distributing a
large-scale database of embeddings from the Portuguese Twitter stream. We start
by experimenting with a relatively small sample and focusing on three
challenges: volume of training data, vocabulary size and intrinsic evaluation
metrics. Using a single GPU, we were able to scale up vocabulary size from 2048
words embedded and 500K training examples to 32768 words over 10M training
examples while keeping a stable validation loss and approximately linear trend
on training time per epoch. We also observed that using less than 50\% of the
available training examples for each vocabulary size might result in
overfitting. Results on intrinsic evaluation show promising performance for a
vocabulary size of 32768 words. Nevertheless, intrinsic evaluation metrics
suffer from over-sensitivity to their corresponding cosine similarity
thresholds, indicating that a wider range of metrics need to be developed to
track progress.
|
Learning Implicit Generative Models Using Differentiable Graph Tests | Recently, there has been a growing interest in the problem of learning rich
implicit models - those from which we can sample, but can not evaluate their
density. These models apply some parametric function, such as a deep network,
to a base measure, and are learned end-to-end using stochastic optimization.
One strategy of devising a loss function is through the statistics of two
sample tests - if we can fool a statistical test, the learned distribution
should be a good model of the true data. However, not all tests can easily fit
into this framework, as they might not be differentiable with respect to the
data points, and hence with respect to the parameters of the implicit model.
Motivated by this problem, in this paper we show how two such classical tests,
the Friedman-Rafsky and k-nearest neighbour tests, can be effectively smoothed
using ideas from undirected graphical models - the matrix tree theorem and
cardinality potentials. Moreover, as we show experimentally, smoothing can
significantly increase the power of the test, which might of of independent
interest. Finally, we apply our method to learn implicit models.
|
A hierarchical loss and its problems when classifying non-hierarchically | Failing to distinguish between a sheepdog and a skyscraper should be worse
and penalized more than failing to distinguish between a sheepdog and a poodle;
after all, sheepdogs and poodles are both breeds of dogs. However, existing
metrics of failure (so-called "loss" or "win") used in textual or visual
classification/recognition via neural networks seldom leverage a-priori
information, such as a sheepdog being more similar to a poodle than to a
skyscraper. We define a metric that, inter alia, can penalize failure to
distinguish between a sheepdog and a skyscraper more than failure to
distinguish between a sheepdog and a poodle. Unlike previously employed
possibilities, this metric is based on an ultrametric tree associated with any
given tree organization into a semantically meaningful hierarchy of a
classifier's classes. An ultrametric tree is a tree with a so-called
ultrametric distance metric such that all leaves are at the same distance from
the root. Unfortunately, extensive numerical experiments indicate that the
standard practice of training neural networks via stochastic gradient descent
with random starting points often drives down the hierarchical loss nearly as
much when minimizing the standard cross-entropy loss as when trying to minimize
the hierarchical loss directly. Thus, this hierarchical loss is unreliable as
an objective for plain, randomly started stochastic gradient descent to
minimize; the main value of the hierarchical loss may be merely as a meaningful
metric of success of a classifier.
|
Predicting Remaining Useful Life using Time Series Embeddings based on
Recurrent Neural Networks | We consider the problem of estimating the remaining useful life (RUL) of a
system or a machine from sensor data. Many approaches for RUL estimation based
on sensor data make assumptions about how machines degrade. Additionally,
sensor data from machines is noisy and often suffers from missing values in
many practical settings. We propose Embed-RUL: a novel approach for RUL
estimation from sensor data that does not rely on any degradation-trend
assumptions, is robust to noise, and handles missing values. Embed-RUL utilizes
a sequence-to-sequence model based on Recurrent Neural Networks (RNNs) to
generate embeddings for multivariate time series subsequences. The embeddings
for normal and degraded machines tend to be different, and are therefore found
to be useful for RUL estimation. We show that the embeddings capture the
overall pattern in the time series while filtering out the noise, so that the
embeddings of two machines with similar operational behavior are close to each
other, even when their sensor readings have significant and varying levels of
noise content. We perform experiments on publicly available turbofan engine
dataset and a proprietary real-world dataset, and demonstrate that Embed-RUL
outperforms the previously reported state-of-the-art on several metrics.
|
Learning mutational graphs of individual tumour evolution from
single-cell and multi-region sequencing data | Background. A large number of algorithms is being developed to reconstruct
evolutionary models of individual tumours from genome sequencing data. Most
methods can analyze multiple samples collected either through bulk multi-region
sequencing experiments or the sequencing of individual cancer cells. However,
rarely the same method can support both data types.
Results. We introduce TRaIT, a computational framework to infer mutational
graphs that model the accumulation of multiple types of somatic alterations
driving tumour evolution. Compared to other tools, TRaIT supports multi-region
and single-cell sequencing data within the same statistical framework, and
delivers expressive models that capture many complex evolutionary phenomena.
TRaIT improves accuracy, robustness to data-specific errors and computational
complexity compared to competing methods.
Conclusions. We show that the application of TRaIT to single-cell and
multi-region cancer datasets can produce accurate and reliable models of
single-tumour evolution, quantify the extent of intra-tumour heterogeneity and
generate new testable experimental hypotheses.
|
WRPN: Wide Reduced-Precision Networks | For computer vision applications, prior works have shown the efficacy of
reducing numeric precision of model parameters (network weights) in deep neural
networks. Activation maps, however, occupy a large memory footprint during both
the training and inference step when using mini-batches of inputs. One way to
reduce this large memory footprint is to reduce the precision of activations.
However, past works have shown that reducing the precision of activations hurts
model accuracy. We study schemes to train networks from scratch using
reduced-precision activations without hurting accuracy. We reduce the precision
of activation maps (along with model parameters) and increase the number of
filter maps in a layer, and find that this scheme matches or surpasses the
accuracy of the baseline full-precision network. As a result, one can
significantly improve the execution efficiency (e.g. reduce dynamic memory
footprint, memory bandwidth and computational energy) and speed up the training
and inference process with appropriate hardware support. We call our scheme
WRPN - wide reduced-precision networks. We report results and show that WRPN
scheme is better than previously reported accuracies on ILSVRC-12 dataset while
being computationally less expensive compared to previously reported
reduced-precision networks.
|
Information Theoretic Analysis of DNN-HMM Acoustic Modeling | We propose an information theoretic framework for quantitative assessment of
acoustic modeling for hidden Markov model (HMM) based automatic speech
recognition (ASR). Acoustic modeling yields the probabilities of HMM sub-word
states for a short temporal window of speech acoustic features. We cast ASR as
a communication channel where the input sub-word probabilities convey the
information about the output HMM state sequence. The quality of the acoustic
model is thus quantified in terms of the information transmitted through this
channel. The process of inferring the most likely HMM state sequence from the
sub-word probabilities is known as decoding. HMM based decoding assumes that an
acoustic model yields accurate state-level probabilities and the data
distribution given the underlying hidden state is independent of any other
state in the sequence. We quantify 1) the acoustic model accuracy and 2) its
robustness to mismatch between data and the HMM conditional independence
assumption in terms of some mutual information quantities. In this context,
exploiting deep neural network (DNN) posterior probabilities leads to a simple
and straightforward analysis framework to assess shortcomings of the acoustic
model for HMM based decoding. This analysis enables us to evaluate the Gaussian
mixture acoustic model (GMM) and the importance of many hidden layers in DNNs
without any need of explicit speech recognition. In addition, it sheds light on
the contribution of low-dimensional models to enhance acoustic modeling for
better compliance with the HMM based decoding requirements.
|
Balancing Interpretability and Predictive Accuracy for Unsupervised
Tensor Mining | The PARAFAC tensor decomposition has enjoyed an increasing success in
exploratory multi-aspect data mining scenarios. A major challenge remains the
estimation of the number of latent factors (i.e., the rank) of the
decomposition, which yields high-quality, interpretable results. Previously, we
have proposed an automated tensor mining method which leverages a well-known
quality heuristic from the field of Chemometrics, the Core Consistency
Diagnostic (CORCONDIA), in order to automatically determine the rank for the
PARAFAC decomposition. In this work we set out to explore the trade-off between
1) the interpretability/quality of the results (as expressed by CORCONDIA), and
2) the predictive accuracy of the results, in order to further improve the rank
estimation quality. Our preliminary results indicate that striking a good
balance in that trade-off benefits rank estimation.
|
Random Subspace with Trees for Feature Selection Under Memory
Constraints | Dealing with datasets of very high dimension is a major challenge in machine
learning. In this paper, we consider the problem of feature selection in
applications where the memory is not large enough to contain all features. In
this setting, we propose a novel tree-based feature selection approach that
builds a sequence of randomized trees on small subsamples of variables mixing
both variables already identified as relevant by previous models and variables
randomly selected among the other variables. As our main contribution, we
provide an in-depth theoretical analysis of this method in infinite sample
setting. In particular, we study its soundness with respect to common
definitions of feature relevance and its convergence speed under various
variable dependance scenarios. We also provide some preliminary empirical
results highlighting the potential of the approach.
|
ALICE: Towards Understanding Adversarial Learning for Joint Distribution
Matching | We investigate the non-identifiability issues associated with bidirectional
adversarial training for joint distribution matching. Within a framework of
conditional entropy, we propose both adversarial and non-adversarial approaches
to learn desirable matched joint distributions for unsupervised and supervised
tasks. We unify a broad family of adversarial models as joint distribution
matching problems. Our approach stabilizes learning of unsupervised
bidirectional adversarial learning methods. Further, we introduce an extension
for semi-supervised learning tasks. Theoretical results are validated in
synthetic data and real-world applications.
|
On the Suboptimality of Proximal Gradient Descent for $\ell^{0}$ Sparse
Approximation | We study the proximal gradient descent (PGD) method for $\ell^{0}$ sparse
approximation problem as well as its accelerated optimization with randomized
algorithms in this paper. We first offer theoretical analysis of PGD showing
the bounded gap between the sub-optimal solution by PGD and the globally
optimal solution for the $\ell^{0}$ sparse approximation problem under
conditions weaker than Restricted Isometry Property widely used in compressive
sensing literature. Moreover, we propose randomized algorithms to accelerate
the optimization by PGD using randomized low rank matrix approximation
(PGD-RMA) and randomized dimension reduction (PGD-RDR). Our randomized
algorithms substantially reduces the computation cost of the original PGD for
the $\ell^{0}$ sparse approximation problem, and the resultant sub-optimal
solution still enjoys provable suboptimality, namely, the sub-optimal solution
to the reduced problem still has bounded gap to the globally optimal solution
to the original problem.
|
Discriminative Similarity for Clustering and Semi-Supervised Learning | Similarity-based clustering and semi-supervised learning methods separate the
data into clusters or classes according to the pairwise similarity between the
data, and the pairwise similarity is crucial for their performance. In this
paper, we propose a novel discriminative similarity learning framework which
learns discriminative similarity for either data clustering or semi-supervised
learning. The proposed framework learns classifier from each hypothetical
labeling, and searches for the optimal labeling by minimizing the
generalization error of the learned classifiers associated with the
hypothetical labeling. Kernel classifier is employed in our framework. By
generalization analysis via Rademacher complexity, the generalization error
bound for the kernel classifier learned from hypothetical labeling is expressed
as the sum of pairwise similarity between the data from different classes,
parameterized by the weights of the kernel classifier. Such pairwise similarity
serves as the discriminative similarity for the purpose of clustering and
semi-supervised learning, and discriminative similarity with similar form can
also be induced by the integrated squared error bound for kernel density
classification. Based on the discriminative similarity induced by the kernel
classifier, we propose new clustering and semi-supervised learning methods.
|
Newton-type Methods for Inference in Higher-Order Markov Random Fields | Linear programming relaxations are central to {\sc map} inference in discrete
Markov Random Fields. The ability to properly solve the Lagrangian dual is a
critical component of such methods. In this paper, we study the benefit of
using Newton-type methods to solve the Lagrangian dual of a smooth version of
the problem. We investigate their ability to achieve superior convergence
behavior and to better handle the ill-conditioned nature of the formulation, as
compared to first order methods. We show that it is indeed possible to
efficiently apply a trust region Newton method for a broad range of {\sc map}
inference problems. In this paper we propose a provably convergent and
efficient framework that includes (i) excellent compromise between
computational complexity and precision concerning the Hessian matrix
construction, (ii) a damping strategy that aids efficient optimization, (iii) a
truncation strategy coupled with a generic pre-conditioner for Conjugate
Gradients, (iv) efficient sum-product computation for sparse clique potentials.
Results for higher-order Markov Random Fields demonstrate the potential of this
approach.
|
Inhomogeneous Hypergraph Clustering with Applications | Hypergraph partitioning is an important problem in machine learning, computer
vision and network analytics. A widely used method for hypergraph partitioning
relies on minimizing a normalized sum of the costs of partitioning hyperedges
across clusters. Algorithmic solutions based on this approach assume that
different partitions of a hyperedge incur the same cost. However, this
assumption fails to leverage the fact that different subsets of vertices within
the same hyperedge may have different structural importance. We hence propose a
new hypergraph clustering technique, termed inhomogeneous hypergraph
partitioning, which assigns different costs to different hyperedge cuts. We
prove that inhomogeneous partitioning produces a quadratic approximation to the
optimal solution if the inhomogeneous costs satisfy submodularity constraints.
Moreover, we demonstrate that inhomogenous partitioning offers significant
performance improvements in applications such as structure learning of
rankings, subspace segmentation and motif clustering.
|
Tensor Representation in High-Frequency Financial Data for Price Change
Prediction | Nowadays, with the availability of massive amount of trade data collected,
the dynamics of the financial markets pose both a challenge and an opportunity
for high frequency traders. In order to take advantage of the rapid, subtle
movement of assets in High Frequency Trading (HFT), an automatic algorithm to
analyze and detect patterns of price change based on transaction records must
be available. The multichannel, time-series representation of financial data
naturally suggests tensor-based learning algorithms. In this work, we
investigate the effectiveness of two multilinear methods for the mid-price
prediction problem against other existing methods. The experiments in a large
scale dataset which contains more than 4 millions limit orders show that by
utilizing tensor representation, multilinear models outperform vector-based
approaches and other competing ones.
|
Spectral Mixture Kernels for Multi-Output Gaussian Processes | Early approaches to multiple-output Gaussian processes (MOGPs) relied on
linear combinations of independent, latent, single-output Gaussian processes
(GPs). This resulted in cross-covariance functions with limited parametric
interpretation, thus conflicting with the ability of single-output GPs to
understand lengthscales, frequencies and magnitudes to name a few. On the
contrary, current approaches to MOGP are able to better interpret the
relationship between different channels by directly modelling the
cross-covariances as a spectral mixture kernel with a phase shift. We extend
this rationale and propose a parametric family of complex-valued cross-spectral
densities and then build on Cram\'er's Theorem (the multivariate version of
Bochner's Theorem) to provide a principled approach to design multivariate
covariance functions. The so-constructed kernels are able to model delays among
channels in addition to phase differences and are thus more expressive than
previous methods, while also providing full parametric interpretation of the
relationship across channels. The proposed method is first validated on
synthetic data and then compared to existing MOGP methods on two real-world
examples.
|
Boosting the kernelized shapelets: Theory and algorithms for local
features | We consider binary classification problems using local features of objects.
One of motivating applications is time-series classification, where features
reflecting some local closeness measure between a time series and a pattern
sequence called shapelet are useful. Despite the empirical success of such
approaches using local features, the generalization ability of resulting
hypotheses is not fully understood and previous work relies on a bunch of
heuristics. In this paper, we formulate a class of hypotheses using local
features, where the richness of features is controlled by kernels. We derive
generalization bounds of sparse ensembles over the class which is exponentially
better than a standard analysis in terms of the number of possible local
features. The resulting optimization problem is well suited to the boosting
approach and the weak learning problem is formulated as a DC program, for which
practical algorithms exist. In preliminary experiments on time-series data
sets, our method achieves competitive accuracy with the state-of-the-art
algorithms with small parameter-tuning cost.
|
Recovery Conditions and Sampling Strategies for Network Lasso | The network Lasso is a recently proposed convex optimization method for
machine learning from massive network structured datasets, i.e., big data over
networks. It is a variant of the well-known least absolute shrinkage and
selection operator (Lasso), which is underlying many methods in learning and
signal processing involving sparse models. Highly scalable implementations of
the network Lasso can be obtained by state-of-the art proximal methods, e.g.,
the alternating direction method of multipliers (ADMM). By generalizing the
concept of the compatibility condition put forward by van de Geer and Buehlmann
as a powerful tool for the analysis of plain Lasso, we derive a sufficient
condition, i.e., the network compatibility condition, on the underlying network
topology such that network Lasso accurately learns a clustered underlying graph
signal. This network compatibility condition relates the location of the
sampled nodes with the clustering structure of the network. In particular, the
NCC informs the choice of which nodes to sample, or in machine learning terms,
which data points provide most information if labeled.
|
Deep learning: Technical introduction | This note presents in a technical though hopefully pedagogical way the three
most common forms of neural network architectures: Feedforward, Convolutional
and Recurrent. For each network, their fundamental building blocks are
detailed. The forward pass and the update rules for the backpropagation
algorithm are then derived in full.
|
Multi-label Class-imbalanced Action Recognition in Hockey Videos via 3D
Convolutional Neural Networks | Automatic analysis of the video is one of most complex problems in the fields
of computer vision and machine learning. A significant part of this research
deals with (human) activity recognition (HAR) since humans, and the activities
that they perform, generate most of the video semantics. Video-based HAR has
applications in various domains, but one of the most important and challenging
is HAR in sports videos. Some of the major issues include high inter- and
intra-class variations, large class imbalance, the presence of both group
actions and single player actions, and recognizing simultaneous actions, i.e.,
the multi-label learning problem. Keeping in mind these challenges and the
recent success of CNNs in solving various computer vision problems, in this
work, we implement a 3D CNN based multi-label deep HAR system for multi-label
class-imbalanced action recognition in hockey videos. We test our system for
two different scenarios: an ensemble of $k$ binary networks vs. a single
$k$-output network, on a publicly available dataset. We also compare our
results with the system that was originally designed for the chosen dataset.
Experimental results show that the proposed approach performs better than the
existing solution.
|
A Maximal Heterogeneity Based Clustering Approach for Obtaining Samples | Medical and social sciences demand sampling techniques which are robust,
reliable, replicable and have the least dissimilarity between the samples
obtained. Majority of the applications of sampling use randomized sampling,
albeit with stratification where applicable. The randomized technique is not
consistent, and may provide different samples each time, and the different
samples themselves may not be similar to each other. In this paper, we
introduce a novel non-statistical no-replacement sampling technique called
Wobbly Center Algorithm, which relies on building clusters iteratively based on
maximizing the heterogeneity inside each cluster. The algorithm works on the
principle of stepwise building of clusters by finding the points with the
maximal distance from the cluster center. The obtained results are validated
statistically using Analysis of Variance tests by comparing the samples
obtained to check if they are representative of each other. The obtained
results generated from running the Wobbly Center algorithm on benchmark
datasets when compared against other sampling algorithms indicate the
superiority of the Wobbly Center Algorithm.
|
Stochastic Gradient Descent: Going As Fast As Possible But Not Faster | When applied to training deep neural networks, stochastic gradient descent
(SGD) often incurs steady progression phases, interrupted by catastrophic
episodes in which loss and gradient norm explode. A possible mitigation of such
events is to slow down the learning process. This paper presents a novel
approach to control the SGD learning rate, that uses two statistical tests. The
first one, aimed at fast learning, compares the momentum of the normalized
gradient vectors to that of random unit vectors and accordingly gracefully
increases or decreases the learning rate. The second one is a change point
detection test, aimed at the detection of catastrophic learning episodes; upon
its triggering the learning rate is instantly halved. Both abilities of
speeding up and slowing down the learning rate allows the proposed approach,
called SALeRA, to learn as fast as possible but not faster. Experiments on
standard benchmarks show that SALeRA performs well in practice, and compares
favorably to the state of the art.
|
A Generic Approach for Escaping Saddle points | A central challenge to using first-order methods for optimizing nonconvex
problems is the presence of saddle points. First-order methods often get stuck
at saddle points, greatly deteriorating their performance. Typically, to escape
from saddles one has to use second-order methods. However, most works on
second-order methods rely extensively on expensive Hessian-based computations,
making them impractical in large-scale settings. To tackle this challenge, we
introduce a generic framework that minimizes Hessian based computations while
at the same time provably converging to second-order critical points. Our
framework carefully alternates between a first-order and a second-order
subroutine, using the latter only close to saddle points, and yields
convergence results competitive to the state-of-the-art. Empirical results
suggest that our strategy also enjoys a good practical performance.
|
A Statistical Approach to Increase Classification Accuracy in Supervised
Learning Algorithms | Probabilistic mixture models have been widely used for different machine
learning and pattern recognition tasks such as clustering, dimensionality
reduction, and classification. In this paper, we focus on trying to solve the
most common challenges related to supervised learning algorithms by using
mixture probability distribution functions. With this modeling strategy, we
identify sub-labels and generate synthetic data in order to reach better
classification accuracy. It means we focus on increasing the training data
synthetically to increase the classification accuracy.
|
Learning the PE Header, Malware Detection with Minimal Domain Knowledge | Many efforts have been made to use various forms of domain knowledge in
malware detection. Currently there exist two common approaches to malware
detection without domain knowledge, namely byte n-grams and strings. In this
work we explore the feasibility of applying neural networks to malware
detection and feature learning. We do this by restricting ourselves to a
minimal amount of domain knowledge in order to extract a portion of the
Portable Executable (PE) header. By doing this we show that neural networks can
learn from raw bytes without explicit feature construction, and perform even
better than a domain knowledge approach that parses the PE header into explicit
features.
|
Fine-tuning deep CNN models on specific MS COCO categories | Fine-tuning of a deep convolutional neural network (CNN) is often desired.
This paper provides an overview of our publicly available py-faster-rcnn-ft
software library that can be used to fine-tune the VGG_CNN_M_1024 model on
custom subsets of the Microsoft Common Objects in Context (MS COCO) dataset.
For example, we improved the procedure so that the user does not have to look
for suitable image files in the dataset by hand which can then be used in the
demo program. Our implementation randomly selects images that contain at least
one object of the categories on which the model is fine-tuned.
|
Linking Generative Adversarial Learning and Binary Classification | In this note, we point out a basic link between generative adversarial (GA)
training and binary classification -- any powerful discriminator essentially
computes an (f-)divergence between real and generated samples. The result,
repeatedly re-derived in decision theory, has implications for GA Networks
(GANs), providing an alternative perspective on training f-GANs by designing
the discriminator loss function.
|
Interacting Attention-gated Recurrent Networks for Recommendation | Capturing the temporal dynamics of user preferences over items is important
for recommendation. Existing methods mainly assume that all time steps in
user-item interaction history are equally relevant to recommendation, which
however does not apply in real-world scenarios where user-item interactions can
often happen accidentally. More importantly, they learn user and item dynamics
separately, thus failing to capture their joint effects on user-item
interactions. To better model user and item dynamics, we present the
Interacting Attention-gated Recurrent Network (IARN) which adopts the attention
model to measure the relevance of each time step. In particular, we propose a
novel attention scheme to learn the attention scores of user and item history
in an interacting way, thus to account for the dependencies between user and
item dynamics in shaping user-item interactions. By doing so, IARN can
selectively memorize different time steps of a user's history when predicting
her preferences over different items. Our model can therefore provide
meaningful interpretations for recommendation results, which could be further
enhanced by auxiliary features. Extensive validation on real-world datasets
shows that IARN consistently outperforms state-of-the-art methods.
|
Sequence Prediction with Neural Segmental Models | Segments that span contiguous parts of inputs, such as phonemes in speech,
named entities in sentences, actions in videos, occur frequently in sequence
prediction problems. Segmental models, a class of models that explicitly
hypothesizes segments, have allowed the exploration of rich segment features
for sequence prediction. However, segmental models suffer from slow decoding,
hampering the use of computationally expensive features.
In this thesis, we introduce discriminative segmental cascades, a multi-pass
inference framework that allows us to improve accuracy by adding higher-order
features and neural segmental features while maintaining efficiency. We also
show that instead of including more features to obtain better accuracy,
segmental cascades can be used to speed up training and decoding.
Segmental models, similarly to conventional speech recognizers, are typically
trained in multiple stages. In the first stage, a frame classifier is trained
with manual alignments, and then in the second stage, segmental models are
trained with manual alignments and the out- puts of the frame classifier.
However, obtaining manual alignments are time-consuming and expensive. We
explore end-to-end training for segmental models with various loss functions,
and show how end-to-end training with marginal log loss can eliminate the need
for detailed manual alignments.
We draw the connections between the marginal log loss and a popular
end-to-end training approach called connectionist temporal classification. We
present a unifying framework for various end-to-end graph search-based models,
such as hidden Markov models, connectionist temporal classification, and
segmental models. Finally, we discuss possible extensions of segmental models
to large-vocabulary sequence prediction tasks.
|
Using Posters to Recommend Anime and Mangas in a Cold-Start Scenario | Item cold-start is a classical issue in recommender systems that affects
anime and manga recommendations as well. This problem can be framed as follows:
how to predict whether a user will like a manga that received few ratings from
the community? Content-based techniques can alleviate this issue but require
extra information, that is usually expensive to gather. In this paper, we use a
deep learning technique, Illustration2Vec, to easily extract tag information
from the manga and anime posters (e.g., sword, or ponytail). We propose BALSE
(Blended Alternate Least Squares with Explanation), a new model for
collaborative filtering, that benefits from this extra information to recommend
mangas. We show, using real data from an online manga recommender system called
Mangaki, that our model improves substantially the quality of recommendations,
especially for less-known manga, and is able to provide an interpretation of
the taste of the users.
|
Privacy Risk in Machine Learning: Analyzing the Connection to
Overfitting | Machine learning algorithms, when applied to sensitive data, pose a distinct
threat to privacy. A growing body of prior work demonstrates that models
produced by these algorithms may leak specific private information in the
training data to an attacker, either through the models' structure or their
observable behavior. However, the underlying cause of this privacy risk is not
well understood beyond a handful of anecdotal accounts that suggest overfitting
and influence might play a role.
This paper examines the effect that overfitting and influence have on the
ability of an attacker to learn information about the training data from
machine learning models, either through training set membership inference or
attribute inference attacks. Using both formal and empirical analyses, we
illustrate a clear relationship between these factors and the privacy risk that
arises in several popular machine learning algorithms. We find that overfitting
is sufficient to allow an attacker to perform membership inference and, when
the target attribute meets certain conditions about its influence, attribute
inference attacks. Interestingly, our formal analysis also shows that
overfitting is not necessary for these attacks and begins to shed light on what
other factors may be in play. Finally, we explore the connection between
membership inference and attribute inference, showing that there are deep
connections between the two that lead to effective new attacks.
|
Deep Learning Techniques for Music Generation -- A Survey | This paper is a survey and an analysis of different ways of using deep
learning (deep artificial neural networks) to generate musical content. We
propose a methodology based on five dimensions for our analysis:
Objective - What musical content is to be generated? Examples are: melody,
polyphony, accompaniment or counterpoint. - For what destination and for what
use? To be performed by a human(s) (in the case of a musical score), or by a
machine (in the case of an audio file).
Representation - What are the concepts to be manipulated? Examples are:
waveform, spectrogram, note, chord, meter and beat. - What format is to be
used? Examples are: MIDI, piano roll or text. - How will the representation be
encoded? Examples are: scalar, one-hot or many-hot.
Architecture - What type(s) of deep neural network is (are) to be used?
Examples are: feedforward network, recurrent network, autoencoder or generative
adversarial networks.
Challenge - What are the limitations and open challenges? Examples are:
variability, interactivity and creativity.
Strategy - How do we model and control the process of generation? Examples
are: single-step feedforward, iterative feedforward, sampling or input
manipulation.
For each dimension, we conduct a comparative analysis of various models and
techniques and we propose some tentative multidimensional typology. This
typology is bottom-up, based on the analysis of many existing deep-learning
based systems for music generation selected from the relevant literature. These
systems are described and are used to exemplify the various choices of
objective, representation, architecture, challenge and strategy. The last
section includes some discussion and some prospects.
|
Learning to Compose Domain-Specific Transformations for Data
Augmentation | Data augmentation is a ubiquitous technique for increasing the size of
labeled training sets by leveraging task-specific data transformations that
preserve class labels. While it is often easy for domain experts to specify
individual transformations, constructing and tuning the more sophisticated
compositions typically needed to achieve state-of-the-art results is a
time-consuming manual task in practice. We propose a method for automating this
process by learning a generative sequence model over user-specified
transformation functions using a generative adversarial approach. Our method
can make use of arbitrary, non-deterministic transformation functions, is
robust to misspecified user input, and is trained on unlabeled data. The
learned transformation model can then be used to perform data augmentation for
any end discriminative model. In our experiments, we show the efficacy of our
approach on both image and text datasets, achieving improvements of 4.0
accuracy points on CIFAR-10, 1.4 F1 points on the ACE relation extraction task,
and 3.4 accuracy points when using domain-specific transformation operations on
a medical imaging dataset as compared to standard heuristic augmentation
approaches.
|
Boosting Deep Learning Risk Prediction with Generative Adversarial
Networks for Electronic Health Records | The rapid growth of Electronic Health Records (EHRs), as well as the
accompanied opportunities in Data-Driven Healthcare (DDH), has been attracting
widespread interests and attentions. Recent progress in the design and
applications of deep learning methods has shown promising results and is
forcing massive changes in healthcare academia and industry, but most of these
methods rely on massive labeled data. In this work, we propose a general deep
learning framework which is able to boost risk prediction performance with
limited EHR data. Our model takes a modified generative adversarial network
namely ehrGAN, which can provide plausible labeled EHR data by mimicking real
patient records, to augment the training dataset in a semi-supervised learning
manner. We use this generative model together with a convolutional neural
network (CNN) based prediction model to improve the onset prediction
performance. Experiments on two real healthcare datasets demonstrate that our
proposed framework produces realistic data samples and achieves significant
improvements on classification tasks with the generated data over several
stat-of-the-art baselines.
|
Unsupervised Generative Modeling Using Matrix Product States | Generative modeling, which learns joint probability distribution from data
and generates samples according to it, is an important task in machine learning
and artificial intelligence. Inspired by probabilistic interpretation of
quantum physics, we propose a generative model using matrix product states,
which is a tensor network originally proposed for describing (particularly
one-dimensional) entangled quantum states. Our model enjoys efficient learning
analogous to the density matrix renormalization group method, which allows
dynamically adjusting dimensions of the tensors and offers an efficient direct
sampling approach for generative tasks. We apply our method to generative
modeling of several standard datasets including the Bars and Stripes, random
binary patterns and the MNIST handwritten digits to illustrate the abilities,
features and drawbacks of our model over popular generative models such as
Hopfield model, Boltzmann machines and generative adversarial networks. Our
work sheds light on many interesting directions of future exploration on the
development of quantum-inspired algorithms for unsupervised machine learning,
which are promisingly possible to be realized on quantum devices.
|
Throughput Optimal Decentralized Scheduling of Multi-Hop Networks with
End-to-End Deadline Constraints: II Wireless Networks with Interference | Consider a multihop wireless network serving multiple flows in which wireless
link interference constraints are described by a link interference graph. For
such a network, we design routing-scheduling policies that maximize the
end-to-end timely throughput of the network. Timely throughput of a flow $f$ is
defined as the average rate at which packets of flow $f$ reach their
destination node $d_f$ within their deadline.
Our policy has several surprising characteristics. Firstly, we show that the
optimal routing-scheduling decision for an individual packet that is present at
a wireless node $i\in V$ is solely a function of its location, and "age". Thus,
a wireless node $i$ does not require the knowledge of the "global" network
state in order to maximize the timely throughput. We notice that in comparison,
under the backpressure routing policy, a node $i$ requires only the knowledge
of its neighbours queue lengths in order to guarantee maximal stability, and
hence is decentralized. The key difference arises due to the fact that in our
set-up the packets loose their utility once their "age" has crossed their
deadline, thus making the task of optimizing timely throughput much more
challenging than that of ensuring network stability. Of course, due to this key
difference, the decision process involved in maximizing the timely throughput
is also much more complex than that involved in ensuring network-wide queue
stabilization. In view of this, our results are somewhat surprising.
|
Probabilistic Rule Realization and Selection | Abstraction and realization are bilateral processes that are key in deriving
intelligence and creativity. In many domains, the two processes are approached
through rules: high-level principles that reveal invariances within similar yet
diverse examples. Under a probabilistic setting for discrete input spaces, we
focus on the rule realization problem which generates input sample
distributions that follow the given rules. More ambitiously, we go beyond a
mechanical realization that takes whatever is given, but instead ask for
proactively selecting reasonable rules to realize. This goal is demanding in
practice, since the initial rule set may not always be consistent and thus
intelligent compromises are needed. We formulate both rule realization and
selection as two strongly connected components within a single and symmetric
bi-convex problem, and derive an efficient algorithm that works at large scale.
Taking music compositional rules as the main example throughout the paper, we
demonstrate our model's efficiency in not only music realization (composition)
but also music interpretation and understanding (analysis).
|
BranchyNet: Fast Inference via Early Exiting from Deep Neural Networks | Deep neural networks are state of the art methods for many learning tasks due
to their ability to extract increasingly better features at each network layer.
However, the improved performance of additional layers in a deep network comes
at the cost of added latency and energy usage in feedforward inference. As
networks continue to get deeper and larger, these costs become more prohibitive
for real-time and energy-sensitive applications. To address this issue, we
present BranchyNet, a novel deep network architecture that is augmented with
additional side branch classifiers. The architecture allows prediction results
for a large portion of test samples to exit the network early via these
branches when samples can already be inferred with high confidence. BranchyNet
exploits the observation that features learned at an early layer of a network
may often be sufficient for the classification of many data points. For more
difficult samples, which are expected less frequently, BranchyNet will use
further or all network layers to provide the best likelihood of correct
prediction. We study the BranchyNet architecture using several well-known
networks (LeNet, AlexNet, ResNet) and datasets (MNIST, CIFAR10) and show that
it can both improve accuracy and significantly reduce the inference time of the
network.
|
Conditional Generative Adversarial Networks for Speech Enhancement and
Noise-Robust Speaker Verification | Improving speech system performance in noisy environments remains a
challenging task, and speech enhancement (SE) is one of the effective
techniques to solve the problem. Motivated by the promising results of
generative adversarial networks (GANs) in a variety of image processing tasks,
we explore the potential of conditional GANs (cGANs) for SE, and in particular,
we make use of the image processing framework proposed by Isola et al. [1] to
learn a mapping from the spectrogram of noisy speech to an enhanced
counterpart. The SE cGAN consists of two networks, trained in an adversarial
manner: a generator that tries to enhance the input noisy spectrogram, and a
discriminator that tries to distinguish between enhanced spectrograms provided
by the generator and clean ones from the database using the noisy spectrogram
as a condition. We evaluate the performance of the cGAN method in terms of
perceptual evaluation of speech quality (PESQ), short-time objective
intelligibility (STOI), and equal error rate (EER) of speaker verification (an
example application). Experimental results show that the cGAN method overall
outperforms the classical short-time spectral amplitude minimum mean square
error (STSA-MMSE) SE algorithm, and is comparable to a deep neural
network-based SE approach (DNN-SE).
|
Optimal Sub-sampling with Influence Functions | Sub-sampling is a common and often effective method to deal with the
computational challenges of large datasets. However, for most statistical
models, there is no well-motivated approach for drawing a non-uniform
subsample. We show that the concept of an asymptotically linear estimator and
the associated influence function leads to optimal sampling procedures for a
wide class of popular models. Furthermore, for linear regression models which
have well-studied procedures for non-uniform sub-sampling, we show our optimal
influence function based method outperforms previous approaches. We empirically
show the improved performance of our method on real datasets.
|
Temporal Pattern Discovery for Accurate Sepsis Diagnosis in ICU Patients | Sepsis is a condition caused by the body's overwhelming and life-threatening
response to infection, which can lead to tissue damage, organ failure, and
finally death. Common signs and symptoms include fever, increased heart rate,
increased breathing rate, and confusion. Sepsis is difficult to predict,
diagnose, and treat. Patients who develop sepsis have an increased risk of
complications and death and face higher health care costs and longer
hospitalization. Today, sepsis is one of the leading causes of mortality among
populations in intensive care units (ICUs). In this paper, we look at the
problem of early detection of sepsis by using temporal data mining. We focus on
the use of knowledge-based temporal abstraction to create meaningful
interval-based abstractions, and on time-interval mining to discover frequent
interval-based patterns. We used 2,560 cases derived from the MIMIC-III
database. We found that the distribution of the temporal patterns whose
frequency is above 10% discovered in the records of septic patients during the
last 6 and 12 hours before onset of sepsis is significantly different from that
distribution within a similar period, during an equivalent time window during
hospitalization, in the records of non-septic patients. This discovery is
encouraging for the purpose of performing an early diagnosis of sepsis using
the discovered patterns as constructed features.
|
Deep learning from crowds | Over the last few years, deep learning has revolutionized the field of
machine learning by dramatically improving the state-of-the-art in various
domains. However, as the size of supervised artificial neural networks grows,
typically so does the need for larger labeled datasets. Recently, crowdsourcing
has established itself as an efficient and cost-effective solution for labeling
large sets of data in a scalable manner, but it often requires aggregating
labels from multiple noisy contributors with different levels of expertise. In
this paper, we address the problem of learning deep neural networks from
crowds. We begin by describing an EM algorithm for jointly learning the
parameters of the network and the reliabilities of the annotators. Then, a
novel general-purpose crowd layer is proposed, which allows us to train deep
neural networks end-to-end, directly from the noisy labels of multiple
annotators, using only backpropagation. We empirically show that the proposed
approach is able to internally capture the reliability and biases of different
annotators and achieve new state-of-the-art results for various crowdsourced
datasets across different settings, namely classification, regression and
sequence labeling.
|
Symmetric Variational Autoencoder and Connections to Adversarial
Learning | A new form of the variational autoencoder (VAE) is proposed, based on the
symmetric Kullback-Leibler divergence. It is demonstrated that learning of the
resulting symmetric VAE (sVAE) has close connections to previously developed
adversarial-learning methods. This relationship helps unify the previously
distinct techniques of VAE and adversarially learning, and provides insights
that allow us to ameliorate shortcomings with some previously developed
adversarial methods. In addition to an analysis that motivates and explains the
sVAE, an extensive set of experiments validate the utility of the approach.
|
The low-rank hurdle model | A composite loss framework is proposed for low-rank modeling of data
consisting of interesting and common values, such as excess zeros or missing
values. The methodology is motivated by the generalized low-rank framework and
the hurdle method which is commonly used to analyze zero-inflated counts. The
model is demonstrated on a manufacturing data set and applied to the problem of
missing value imputation.
|
Neural Networks Regularization Through Class-wise Invariant
Representation Learning | Training deep neural networks is known to require a large number of training
samples. However, in many applications only few training samples are available.
In this work, we tackle the issue of training neural networks for
classification task when few training samples are available. We attempt to
solve this issue by proposing a new regularization term that constrains the
hidden layers of a network to learn class-wise invariant representations. In
our regularization framework, learning invariant representations is generalized
to the class membership where samples with the same class should have the same
representation. Numerical experiments over MNIST and its variants showed that
our proposal helps improving the generalization of neural network particularly
when trained with few samples. We provide the source code of our framework
https://github.com/sbelharbi/learning-class-invariant-features .
|
Clustering of Data with Missing Entries using Non-convex Fusion
Penalties | The presence of missing entries in data often creates challenges for pattern
recognition algorithms. Traditional algorithms for clustering data assume that
all the feature values are known for every data point. We propose a method to
cluster data in the presence of missing information. Unlike conventional
clustering techniques where every feature is known for each point, our
algorithm can handle cases where a few feature values are unknown for every
point. For this more challenging problem, we provide theoretical guarantees for
clustering using a $\ell_0$ fusion penalty based optimization problem.
Furthermore, we propose an algorithm to solve a relaxation of this problem
using saturating non-convex fusion penalties. It is observed that this
algorithm produces solutions that degrade gradually with an increase in the
fraction of missing feature values. We demonstrate the utility of the proposed
method using a simulated dataset, the Wine dataset and also an under-sampled
cardiac MRI dataset. It is shown that the proposed method is a promising
clustering technique for datasets with large fractions of missing entries.
|
Language Modeling by Clustering with Word Embeddings for Text
Readability Assessment | We present a clustering-based language model using word embeddings for text
readability prediction. Presumably, an Euclidean semantic space hypothesis
holds true for word embeddings whose training is done by observing word
co-occurrences. We argue that clustering with word embeddings in the metric
space should yield feature representations in a higher semantic space
appropriate for text regression. Also, by representing features in terms of
histograms, our approach can naturally address documents of varying lengths. An
empirical evaluation using the Common Core Standards corpus reveals that the
features formed on our clustering-based language model significantly improve
the previously known results for the same corpus in readability prediction. We
also evaluate the task of sentence matching based on semantic relatedness using
the Wiki-SimpleWiki corpus and find that our features lead to superior matching
performance.
|
Convolutional Gaussian Processes | We present a practical way of introducing convolutional structure into
Gaussian processes, making them more suited to high-dimensional inputs like
images. The main contribution of our work is the construction of an
inter-domain inducing point approximation that is well-tailored to the
convolutional kernel. This allows us to gain the generalisation benefit of a
convolutional kernel, together with fast but accurate posterior inference. We
investigate several variations of the convolutional kernel, and apply it to
MNIST and CIFAR-10, which have both been known to be challenging for Gaussian
processes. We also show how the marginal likelihood can be used to find an
optimal weighting between convolutional and RBF kernels to further improve
performance. We hope that this illustration of the usefulness of a marginal
likelihood will help automate discovering architectures in larger models.
|
Estimation of a Low-rank Topic-Based Model for Information Cascades | We consider the problem of estimating the latent structure of a social
network based on the observed information diffusion events, or cascades, where
the observations for a given cascade consist of only the timestamps of
infection for infected nodes but not the source of the infection. Most of the
existing work on this problem has focused on estimating a diffusion matrix
without any structural assumptions on it. In this paper, we propose a novel
model based on the intuition that an information is more likely to propagate
among two nodes if they are interested in similar topics which are also
prominent in the information content. In particular, our model endows each node
with an influence vector (which measures how authoritative the node is on each
topic) and a receptivity vector (which measures how susceptible the node is for
each topic). We show how this node-topic structure can be estimated from the
observed cascades, and prove the consistency of the estimator. Experiments on
synthetic and real data demonstrate the improved performance and better
interpretability of our model compared to existing state-of-the-art methods.
|
A Comparison of Audio Signal Preprocessing Methods for Deep Neural
Networks on Music Tagging | In this paper, we empirically investigate the effect of audio preprocessing
on music tagging with deep neural networks. We perform comprehensive
experiments involving audio preprocessing using different time-frequency
representations, logarithmic magnitude compression, frequency weighting, and
scaling. We show that many commonly used input preprocessing techniques are
redundant except magnitude compression.
|
Implicit Regularization in Deep Learning | In an attempt to better understand generalization in deep learning, we study
several possible explanations. We show that implicit regularization induced by
the optimization method is playing a key role in generalization and success of
deep learning models. Motivated by this view, we study how different complexity
measures can ensure generalization and explain how optimization algorithms can
implicitly regularize complexity measures. We empirically investigate the
ability of these measures to explain different observed phenomena in deep
learning. We further study the invariances in neural networks, suggest
complexity measures and optimization algorithms that have similar invariances
to those in neural networks and evaluate them on a number of learning tasks.
|
A Quasi-isometric Embedding Algorithm | The Whitney embedding theorem gives an upper bound on the smallest embedding
dimension of a manifold. If a data set lies on a manifold, a random projection
into this reduced dimension will retain the manifold structure. Here we present
an algorithm to find a projection that distorts the data as little as possible.
|
On Fairness and Calibration | The machine learning community has become increasingly concerned with the
potential for bias and discrimination in predictive models. This has motivated
a growing line of work on what it means for a classification procedure to be
"fair." In this paper, we investigate the tension between minimizing error
disparity across different population groups while maintaining calibrated
probability estimates. We show that calibration is compatible only with a
single error constraint (i.e. equal false-negatives rates across groups), and
show that any algorithm that satisfies this relaxation is no better than
randomizing a percentage of predictions for an existing classifier. These
unsettling findings, which extend and generalize existing results, are
empirically confirmed on several datasets.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.