title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Twin Learning for Similarity and Clustering: A Unified Kernel Approach | Many similarity-based clustering methods work in two separate steps including
similarity matrix computation and subsequent spectral clustering. However,
similarity measurement is challenging because it is usually impacted by many
factors, e.g., the choice of similarity metric, neighborhood size, scale of
data, noise and outliers. Thus the learned similarity matrix is often not
suitable, let alone optimal, for the subsequent clustering. In addition,
nonlinear similarity often exists in many real world data which, however, has
not been effectively considered by most existing methods. To tackle these two
challenges, we propose a model to simultaneously learn cluster indicator matrix
and similarity information in kernel spaces in a principled way. We show
theoretical relationships to kernel k-means, k-means, and spectral clustering
methods. Then, to address the practical issue of how to select the most
suitable kernel for a particular clustering task, we further extend our model
with a multiple kernel learning ability. With this joint model, we can
automatically accomplish three subtasks of finding the best cluster indicator
matrix, the most accurate similarity relations and the optimal combination of
multiple kernels. By leveraging the interactions between these three subtasks
in a joint framework, each subtask can be iteratively boosted by using the
results of the others towards an overall optimal solution. Extensive
experiments are performed to demonstrate the effectiveness of our method.
|
Convex-constrained Sparse Additive Modeling and Its Extensions | Sparse additive modeling is a class of effective methods for performing
high-dimensional nonparametric regression. In this work we show how shape
constraints such as convexity/concavity and their extensions, can be integrated
into additive models. The proposed sparse difference of convex additive models
(SDCAM) can estimate most continuous functions without any a priori smoothness
assumption. Motivated by a characterization of difference of convex functions,
our method incorporates a natural regularization functional to avoid
overfitting and to reduce model complexity. Computationally, we develop an
efficient backfitting algorithm with linear per-iteration complexity.
Experiments on both synthetic and real data verify that our method is
competitive against state-of-the-art sparse additive models, with improved
performance in most scenarios.
|
Regularizing Model Complexity and Label Structure for Multi-Label Text
Classification | Multi-label text classification is a popular machine learning task where each
document is assigned with multiple relevant labels. This task is challenging
due to high dimensional features and correlated labels. Multi-label text
classifiers need to be carefully regularized to prevent the severe over-fitting
in the high dimensional space, and also need to take into account label
dependencies in order to make accurate predictions under uncertainty. We
demonstrate significant and practical improvement by carefully regularizing the
model complexity during training phase, and also regularizing the label search
space during prediction phase. Specifically, we regularize the classifier
training using Elastic-net (L1+L2) penalty for reducing model complexity/size,
and employ early stopping to prevent overfitting. At prediction time, we apply
support inference to restrict the search space to label sets encountered in the
training set, and F-optimizer GFM to make optimal predictions for the F1
metric. We show that although support inference only provides density
estimations on existing label combinations, when combined with GFM predictor,
the algorithm can output unseen label combinations. Taken collectively, our
experiments show state of the art results on many benchmark datasets. Beyond
performance and practical contributions, we make some interesting observations.
Contrary to the prior belief, which deems support inference as purely an
approximate inference procedure, we show that support inference acts as a
strong regularizer on the label prediction structure. It allows the classifier
to take into account label dependencies during prediction even if the
classifiers had not modeled any label dependencies during training.
|
A Strategy for an Uncompromising Incremental Learner | Multi-class supervised learning systems require the knowledge of the entire
range of labels they predict. Often when learnt incrementally, they suffer from
catastrophic forgetting. To avoid this, generous leeways have to be made to the
philosophy of incremental learning that either forces a part of the machine to
not learn, or to retrain the machine again with a selection of the historic
data. While these hacks work to various degrees, they do not adhere to the
spirit of incremental learning. In this article, we redefine incremental
learning with stringent conditions that do not allow for any undesirable
relaxations and assumptions. We design a strategy involving generative models
and the distillation of dark knowledge as a means of hallucinating data along
with appropriate targets from past distributions. We call this technique,
phantom sampling.We show that phantom sampling helps avoid catastrophic
forgetting during incremental learning. Using an implementation based on deep
neural networks, we demonstrate that phantom sampling dramatically avoids
catastrophic forgetting. We apply these strategies to competitive multi-class
incremental learning of deep neural networks. Using various benchmark datasets
and through our strategy, we demonstrate that strict incremental learning could
be achieved. We further put our strategy to test on challenging cases,
including cross-domain increments and incrementing on a novel label space. We
also propose a trivial extension to unbounded-continual learning and identify
potential for future development.
|
One-Class Semi-Supervised Learning: Detecting Linearly Separable Class
by its Mean | In this paper, we presented a novel semi-supervised one-class classification
algorithm which assumes that class is linearly separable from other elements.
We proved theoretically that class is linearly separable if and only if it is
maximal by probability within the sets with the same mean. Furthermore, we
presented an algorithm for identifying such linearly separable class utilizing
linear programming. We described three application cases including an
assumption of linear separability, Gaussian distribution, and the case of
linear separability in transformed space of kernel functions. Finally, we
demonstrated the work of the proposed algorithm on the USPS dataset and
analyzed the relationship of the performance of the algorithm and the size of
the initially labeled sample.
|
Transforming Bell's Inequalities into State Classifiers with Machine
Learning | Quantum information science has profoundly changed the ways we understand,
store, and process information. A major challenge in this field is to look for
an efficient means for classifying quantum state. For instance, one may want to
determine if a given quantum state is entangled or not. However, the process of
a complete characterization of quantum states, known as quantum state
tomography, is a resource-consuming operation in general. An attractive
proposal would be the use of Bell's inequalities as an entanglement witness,
where only partial information of the quantum state is needed. The problem is
that entanglement is necessary but not sufficient for violating Bell's
inequalities, making it an unreliable state classifier. Here we aim at solving
this problem by the methods of machine learning. More precisely, given a family
of quantum states, we randomly picked a subset of it to construct a
quantum-state classifier, accepting only partial information of each quantum
state. Our results indicated that these transformed Bell-type inequalities can
perform significantly better than the original Bell's inequalities in
classifying entangled states. We further extended our analysis to three-qubit
and four-qubit systems, performing classification of quantum states into
multiple species. These results demonstrate how the tools in machine learning
can be applied to solving problems in quantum information science.
|
Multi-view Unsupervised Feature Selection by Cross-diffused Matrix
Alignment | Multi-view high-dimensional data become increasingly popular in the big data
era. Feature selection is a useful technique for alleviating the curse of
dimensionality in multi-view learning. In this paper, we study unsupervised
feature selection for multi-view data, as class labels are usually expensive to
obtain. Traditional feature selection methods are mostly designed for
single-view data and cannot fully exploit the rich information from multi-view
data. Existing multi-view feature selection methods are usually based on noisy
cluster labels which might not preserve sufficient information from multi-view
data. To better utilize multi-view information, we propose a method, CDMA-FS,
to select features for each view by performing alignment on a cross diffused
matrix. We formulate it as a constrained optimization problem and solve it
using Quasi-Newton based method. Experiments results on four real-world
datasets show that the proposed method is more effective than the
state-of-the-art methods in multi-view setting.
|
BLENDER: Enabling Local Search with a Hybrid Differential Privacy Model | We propose a hybrid model of differential privacy that considers a
combination of regular and opt-in users who desire the differential privacy
guarantees of the local privacy model and the trusted curator model,
respectively. We demonstrate that within this model, it is possible to design a
new type of blended algorithm for the task of privately computing the head of a
search log. This blended approach provides significant improvements in the
utility of obtained data compared to related work while providing users with
their desired privacy guarantees. Specifically, on two large search click data
sets, comprising 1.75 and 16 GB respectively, our approach attains NDCG values
exceeding 95% across a range of privacy budget values.
|
Pointed subspace approach to incomplete data | Incomplete data are often represented as vectors with filled missing
attributes joined with flag vectors indicating missing components. In this
paper we generalize this approach and represent incomplete data as pointed
affine subspaces. This allows to perform various affine transformations of
data, as whitening or dimensionality reduction. We embed such generalized
missing data into a vector space by mapping pointed affine subspace
(generalized missing data point) to a vector containing imputed values joined
with a corresponding projection matrix. Such an operation preserves the scalar
product of the embedding defined for flag vectors and allows to input
transformed incomplete data to typical classification methods.
|
Random active path model of deep neural networks with diluted binary
synapses | Deep learning has become a powerful and popular tool for a variety of machine
learning tasks. However, it is challenging to understand the mechanism of deep
learning from a theoretical perspective. In this work, we propose a random
active path model to study collective properties of deep neural networks with
binary synapses, under the removal perturbation of connections between layers.
In the model, the path from input to output is randomly activated, and the
corresponding input unit constrains the weights along the path into the form of
a $p$-weight interaction glass model. A critical value of the perturbation is
observed to separate a spin glass regime from a paramagnetic regime, with the
transition being of the first order. The paramagnetic phase is conjectured to
have a poor generalization performance.
|
Deep Neural Machine Translation with Linear Associative Unit | Deep Neural Networks (DNNs) have provably enhanced the state-of-the-art
Neural Machine Translation (NMT) with their capability in modeling complex
functions and capturing complex linguistic structures. However NMT systems with
deep architecture in their encoder or decoder RNNs often suffer from severe
gradient diffusion due to the non-linear recurrent activations, which often
make the optimization much more difficult. To address this problem we propose
novel linear associative units (LAU) to reduce the gradient propagation length
inside the recurrent unit. Different from conventional approaches (LSTM unit
and GRU), LAUs utilizes linear associative connections between input and output
of the recurrent unit, which allows unimpeded information flow through both
space and time direction. The model is quite simple, but it is surprisingly
effective. Our empirical study on Chinese-English translation shows that our
model with proper configuration can improve by 11.7 BLEU upon Groundhog and the
best reported results in the same setting. On WMT14 English-German task and a
larger WMT14 English-French task, our model achieves comparable results with
the state-of-the-art.
|
Show, Adapt and Tell: Adversarial Training of Cross-domain Image
Captioner | Impressive image captioning results are achieved in domains with plenty of
training image and sentence pairs (e.g., MSCOCO). However, transferring to a
target domain with significant domain shifts but no paired training data
(referred to as cross-domain image captioning) remains largely unexplored. We
propose a novel adversarial training procedure to leverage unpaired data in the
target domain. Two critic networks are introduced to guide the captioner,
namely domain critic and multi-modal critic. The domain critic assesses whether
the generated sentences are indistinguishable from sentences in the target
domain. The multi-modal critic assesses whether an image and its generated
sentence are a valid pair. During training, the critics and captioner act as
adversaries -- captioner aims to generate indistinguishable sentences, whereas
critics aim at distinguishing them. The assessment improves the captioner
through policy gradient updates. During inference, we further propose a novel
critic-based planning method to select high-quality sentences without
additional supervision (e.g., tags). To evaluate, we use MSCOCO as the source
domain and four other datasets (CUB-200-2011, Oxford-102, TGIF, and Flickr30k)
as the target domains. Our method consistently performs well on all datasets.
In particular, on CUB-200-2011, we achieve 21.8% CIDEr-D improvement after
adaptation. Utilizing critics during inference further gives another 4.5%
boost.
|
Deep Learning for Tumor Classification in Imaging Mass Spectrometry | Motivation: Tumor classification using Imaging Mass Spectrometry (IMS) data
has a high potential for future applications in pathology. Due to the
complexity and size of the data, automated feature extraction and
classification steps are required to fully process the data. Deep learning
offers an approach to learn feature extraction and classification combined in a
single model. Commonly these steps are handled separately in IMS data analysis,
hence deep learning offers an alternative strategy worthwhile to explore.
Results: Methodologically, we propose an adapted architecture based on deep
convolutional networks to handle the characteristics of mass spectrometry data,
as well as a strategy to interpret the learned model in the spectral domain
based on a sensitivity analysis. The proposed methods are evaluated on two
challenging tumor classification tasks and compared to a baseline approach.
Competitiveness of the proposed methods are shown on both tasks by studying the
performance via cross-validation. Moreover, the learned models are analyzed by
the proposed sensitivity analysis revealing biologically plausible effects as
well as confounding factors of the considered task. Thus, this study may serve
as a starting point for further development of deep learning approaches in IMS
classification tasks.
|
Maximum Resilience of Artificial Neural Networks | The deployment of Artificial Neural Networks (ANNs) in safety-critical
applications poses a number of new verification and certification challenges.
In particular, for ANN-enabled self-driving vehicles it is important to
establish properties about the resilience of ANNs to noisy or even maliciously
manipulated sensory input. We are addressing these challenges by defining
resilience properties of ANN-based classifiers as the maximal amount of input
or sensor perturbation which is still tolerated. This problem of computing
maximal perturbation bounds for ANNs is then reduced to solving mixed integer
optimization problems (MIP). A number of MIP encoding heuristics are developed
for drastically reducing MIP-solver runtimes, and using parallelization of
MIP-solvers results in an almost linear speed-up in the number (up to a certain
limit) of computing cores in our experiments. We demonstrate the effectiveness
and scalability of our approach by means of computing maximal resilience bounds
for a number of ANN benchmark sets ranging from typical image recognition
scenarios to the autonomous maneuvering of robots.
|
PDE approach to the problem of online prediction with expert advice: a
construction of potential-based strategies | We consider a sequence of repeated prediction games and formally pass to the
limit. The supersolutions of the resulting non-linear parabolic partial
differential equation are closely related to the potential functions in the
sense of N.\,Cesa-Bianci, G.\,Lugosi (2003). Any such supersolution gives an
upper bound for forecaster's regret and suggests a potential-based prediction
strategy, satisfying the Blackwell condition. A conventional upper bound for
the worst-case regret is justified by a simple verification argument.
|
Summarized Network Behavior Prediction | This work studies the entity-wise topical behavior from massive network logs.
Both the temporal and the spatial relationships of the behavior are explored
with the learning architectures combing the recurrent neural network (RNN) and
the convolutional neural network (CNN). To make the behavioral data appropriate
for the spatial learning in CNN, several reduction steps are taken to form the
topical metrics and place them homogeneously like pixels in the images. The
experimental result shows both the temporal- and the spatial- gains when
compared to a multilayer perceptron (MLP) network. A new learning framework
called spatially connected convolutional networks (SCCN) is introduced to more
efficiently predict the behavior.
|
Analyzing Knowledge Transfer in Deep Q-Networks for Autonomously
Handling Multiple Intersections | We analyze how the knowledge to autonomously handle one type of intersection,
represented as a Deep Q-Network, translates to other types of intersections
(tasks). We view intersection handling as a deep reinforcement learning
problem, which approximates the state action Q function as a deep neural
network. Using a traffic simulator, we show that directly copying a network
trained for one type of intersection to another type of intersection decreases
the success rate. We also show that when a network that is pre-trained on Task
A and then is fine-tuned on a Task B, the resulting network not only performs
better on the Task B than an network exclusively trained on Task A, but also
retained knowledge on the Task A. Finally, we examine a lifelong learning
setting, where we train a single network on five different types of
intersections sequentially and show that the resulting network exhibited
catastrophic forgetting of knowledge on previous tasks. This result suggests a
need for a long-term memory component to preserve knowledge.
|
Local Shrunk Discriminant Analysis (LSDA) | Dimensionality reduction is a crucial step for pattern recognition and data
mining tasks to overcome the curse of dimensionality. Principal component
analysis (PCA) is a traditional technique for unsupervised dimensionality
reduction, which is often employed to seek a projection to best represent the
data in a least-squares sense, but if the original data is nonlinear structure,
the performance of PCA will quickly drop. An supervised dimensionality
reduction algorithm called Linear discriminant analysis (LDA) seeks for an
embedding transformation, which can work well with Gaussian distribution data
or single-modal data, but for non-Gaussian distribution data or multimodal
data, it gives undesired results. What is worse, the dimension of LDA cannot be
more than the number of classes. In order to solve these issues, Local shrunk
discriminant analysis (LSDA) is proposed in this work to process the
non-Gaussian distribution data or multimodal data, which not only incorporate
both the linear and nonlinear structures of original data, but also learn the
pattern shrinking to make the data more flexible to fit the manifold structure.
Further, LSDA has more strong generalization performance, whose objective
function will become local LDA and traditional LDA when different extreme
parameters are utilized respectively. What is more, a new efficient
optimization algorithm is introduced to solve the non-convex objective function
with low computational cost. Compared with other related approaches, such as
PCA, LDA and local LDA, the proposed method can derive a subspace which is more
suitable for non-Gaussian distribution and real data. Promising experimental
results on different kinds of data sets demonstrate the effectiveness of the
proposed approach.
|
Lifelong Metric Learning | The state-of-the-art online learning approaches are only capable of learning
the metric for predefined tasks. In this paper, we consider lifelong learning
problem to mimic "human learning", i.e., endowing a new capability to the
learned metric for a new task from new online samples and incorporating
previous experiences and knowledge. Therefore, we propose a new metric learning
framework: lifelong metric learning (LML), which only utilizes the data of the
new task to train the metric model while preserving the original capabilities.
More specifically, the proposed LML maintains a common subspace for all learned
metrics, named lifelong dictionary, transfers knowledge from the common
subspace to each new metric task with task-specific idiosyncrasy, and redefines
the common subspace over time to maximize performance across all metric tasks.
For model optimization, we apply online passive aggressive optimization
algorithm to solve the proposed LML framework, where the lifelong dictionary
and task-specific partition are optimized alternatively and consecutively.
Finally, we evaluate our approach by analyzing several multi-task metric
learning datasets. Extensive experimental results demonstrate effectiveness and
efficiency of the proposed framework.
|
Formal Verification of Piece-Wise Linear Feed-Forward Neural Networks | We present an approach for the verification of feed-forward neural networks
in which all nodes have a piece-wise linear activation function. Such networks
are often used in deep learning and have been shown to be hard to verify for
modern satisfiability modulo theory (SMT) and integer linear programming (ILP)
solvers.
The starting point of our approach is the addition of a global linear
approximation of the overall network behavior to the verification problem that
helps with SMT-like reasoning over the network behavior. We present a
specialized verification algorithm that employs this approximation in a search
process in which it infers additional node phases for the non-linear nodes in
the network from partial node phase assignments, similar to unit propagation in
classical SAT solving. We also show how to infer additional conflict clauses
and safe node fixtures from the results of the analysis steps performed during
the search. The resulting approach is evaluated on collision avoidance and
handwritten digit recognition case studies.
|
Going Wider: Recurrent Neural Network With Parallel Cells | Recurrent Neural Network (RNN) has been widely applied for sequence modeling.
In RNN, the hidden states at current step are full connected to those at
previous step, thus the influence from less related features at previous step
may potentially decrease model's learning ability. We propose a simple
technique called parallel cells (PCs) to enhance the learning ability of
Recurrent Neural Network (RNN). In each layer, we run multiple small RNN cells
rather than one single large cell. In this paper, we evaluate PCs on 2 tasks.
On language modeling task on PTB (Penn Tree Bank), our model outperforms state
of art models by decreasing perplexity from 78.6 to 75.3. On Chinese-English
translation task, our model increases BLEU score for 0.39 points than baseline
model.
|
Data-Driven Synthesis of Smoke Flows with CNN-based Feature Descriptors | We present a novel data-driven algorithm to synthesize high-resolution flow
simulations with reusable repositories of space-time flow data. In our work, we
employ a descriptor learning approach to encode the similarity between fluid
regions with differences in resolution and numerical viscosity. We use
convolutional neural networks to generate the descriptors from fluid data such
as smoke density and flow velocity. At the same time, we present a deformation
limiting patch advection method which allows us to robustly track deformable
fluid regions. With the help of this patch advection, we generate stable
space-time data sets from detailed fluids for our repositories. We can then use
our learned descriptors to quickly localize a suitable data set when running a
new simulation. This makes our approach very efficient, and resolution
independent. We will demonstrate with several examples that our method yields
volumes with very high effective resolutions, and non-dissipative small scale
details that naturally integrate into the motions of the underlying flow.
|
Ternary Neural Networks with Fine-Grained Quantization | We propose a novel fine-grained quantization (FGQ) method to ternarize
pre-trained full precision models, while also constraining activations to 8 and
4-bits. Using this method, we demonstrate a minimal loss in classification
accuracy on state-of-the-art topologies without additional training. We provide
an improved theoretical formulation that forms the basis for a higher quality
solution using FGQ. Our method involves ternarizing the original weight tensor
in groups of $N$ weights. Using $N=4$, we achieve Top-1 accuracy within $3.7\%$
and $4.2\%$ of the baseline full precision result for Resnet-101 and Resnet-50
respectively, while eliminating $75\%$ of all multiplications. These results
enable a full 8/4-bit inference pipeline, with best-reported accuracy using
ternary weights on ImageNet dataset, with a potential of $9\times$ improvement
in performance. Also, for smaller networks like AlexNet, FGQ achieves
state-of-the-art results. We further study the impact of group size on both
performance and accuracy. With a group size of $N=64$, we eliminate
$\approx99\%$ of the multiplications; however, this introduces a noticeable
drop in accuracy, which necessitates fine tuning the parameters at lower
precision. We address this by fine-tuning Resnet-50 with 8-bit activations and
ternary weights at $N=64$, improving the Top-1 accuracy to within $4\%$ of the
full precision result with $<30\%$ additional training overhead. Our final
quantized model can run on a full 8-bit compute pipeline using 2-bit weights
and has the potential of up to $15\times$ improvement in performance compared
to baseline full-precision models.
|
Efficient Spatio-Temporal Gaussian Regression via Kalman Filtering | In this work we study the non-parametric reconstruction of spatio-temporal
dynamical Gaussian processes (GPs) via GP regression from sparse and noisy
data. GPs have been mainly applied to spatial regression where they represent
one of the most powerful estimation approaches also thanks to their universal
representing properties. Their extension to dynamical processes has been
instead elusive so far since classical implementations lead to unscalable
algorithms. We then propose a novel procedure to address this problem by
coupling GP regression and Kalman filtering. In particular, assuming space/time
separability of the covariance (kernel) of the process and rational time
spectrum, we build a finite-dimensional discrete-time state-space process
representation amenable of Kalman filtering. With sampling over a finite set of
fixed spatial locations, our major finding is that the Kalman filter state at
instant $t_k$ represents a sufficient statistic to compute the minimum variance
estimate of the process at any $t \geq t_k$ over the entire spatial domain.
This result can be interpreted as a novel Kalman representer theorem for
dynamical GPs. We then extend the study to situations where the set of spatial
input locations can vary over time. The proposed algorithms are finally tested
on both synthetic and real field data, also providing comparisons with standard
GP and truncated GP regression techniques.
|
Balanced Excitation and Inhibition are Required for High-Capacity,
Noise-Robust Neuronal Selectivity | Neurons and networks in the cerebral cortex must operate reliably despite
multiple sources of noise. To evaluate the impact of both input and output
noise, we determine the robustness of single-neuron stimulus selective
responses, as well as the robustness of attractor states of networks of neurons
performing memory tasks. We find that robustness to output noise requires
synaptic connections to be in a balanced regime in which excitation and
inhibition are strong and largely cancel each other. We evaluate the conditions
required for this regime to exist and determine the properties of networks
operating within it. A plausible synaptic plasticity rule for learning that
balances weight configurations is presented. Our theory predicts an optimal
ratio of the number of excitatory and inhibitory synapses for maximizing the
encoding capacity of balanced networks for a given statistics of afferent
activations. Previous work has shown that balanced networks amplify
spatio-temporal variability and account for observed asynchronous irregular
states. Here we present a novel type of balanced network that amplifies small
changes in the impinging signals, and emerges automatically from learning to
perform neuronal and network functions robustly.
|
XES Tensorflow - Process Prediction using the Tensorflow Deep-Learning
Framework | Predicting the next activity of a running process is an important aspect of
process management. Recently, artificial neural networks, so called
deep-learning approaches, have been proposed to address this challenge. This
demo paper describes a software application that applies the Tensorflow
deep-learning framework to process prediction. The software application reads
industry-standard XES files for training and presents the user with an
easy-to-use graphical user interface for both training and prediction. The
system provides several improvements over earlier work. This demo paper focuses
on the software implementation and describes the architecture and user
interface.
|
Semi-supervised cross-entropy clustering with information bottleneck
constraint | In this paper, we propose a semi-supervised clustering method, CEC-IB, that
models data with a set of Gaussian distributions and that retrieves clusters
based on a partial labeling provided by the user (partition-level side
information). By combining the ideas from cross-entropy clustering (CEC) with
those from the information bottleneck method (IB), our method trades between
three conflicting goals: the accuracy with which the data set is modeled, the
simplicity of the model, and the consistency of the clustering with side
information. Experiments demonstrate that CEC-IB has a performance comparable
to Gaussian mixture models (GMM) in a classical semi-supervised scenario, but
is faster, more robust to noisy labels, automatically determines the optimal
number of clusters, and performs well when not all classes are present in the
side information. Moreover, in contrast to other semi-supervised models, it can
be successfully applied in discovering natural subgroups if the partition-level
side information is derived from the top levels of a hierarchical clustering.
|
Compressing DMA Engine: Leveraging Activation Sparsity for Training Deep
Neural Networks | Popular deep learning frameworks require users to fine-tune their memory
usage so that the training data of a deep neural network (DNN) fits within the
GPU physical memory. Prior work tries to address this restriction by
virtualizing the memory usage of DNNs, enabling both CPU and GPU memory to be
utilized for memory allocations. Despite its merits, virtualizing memory can
incur significant performance overheads when the time needed to copy data back
and forth from CPU memory is higher than the latency to perform the
computations required for DNN forward and backward propagation. We introduce a
high-performance virtualization strategy based on a "compressing DMA engine"
(cDMA) that drastically reduces the size of the data structures that are
targeted for CPU-side allocations. The cDMA engine offers an average 2.6x
(maximum 13.8x) compression ratio by exploiting the sparsity inherent in
offloaded data, improving the performance of virtualized DNNs by an average 32%
(maximum 61%).
|
Generative Convolutional Networks for Latent Fingerprint Reconstruction | Performance of fingerprint recognition depends heavily on the extraction of
minutiae points. Enhancement of the fingerprint ridge pattern is thus an
essential pre-processing step that noticeably reduces false positive and
negative detection rates. A particularly challenging setting is when the
fingerprint images are corrupted or partially missing. In this work, we apply
generative convolutional networks to denoise visible minutiae and predict the
missing parts of the ridge pattern. The proposed enhancement approach is tested
as a pre-processing step in combination with several standard feature
extraction methods such as MINDTCT, followed by biometric comparison using MCC
and BOZORTH3. We evaluate our method on several publicly available latent
fingerprint datasets captured using different sensors.
|
Semi-Supervised AUC Optimization based on Positive-Unlabeled Learning | Maximizing the area under the receiver operating characteristic curve (AUC)
is a standard approach to imbalanced classification. So far, various supervised
AUC optimization methods have been developed and they are also extended to
semi-supervised scenarios to cope with small sample problems. However, existing
semi-supervised AUC optimization methods rely on strong distributional
assumptions, which are rarely satisfied in real-world problems. In this paper,
we propose a novel semi-supervised AUC optimization method that does not
require such restrictive assumptions. We first develop an AUC optimization
method based only on positive and unlabeled data (PU-AUC) and then extend it to
semi-supervised learning by combining it with a supervised AUC optimization
method. We theoretically prove that, without the restrictive distributional
assumptions, unlabeled data contribute to improving the generalization
performance in PU and semi-supervised AUC optimization methods. Finally, we
demonstrate the practical usefulness of the proposed methods through
experiments.
|
Optimal Approximation with Sparsely Connected Deep Neural Networks | We derive fundamental lower bounds on the connectivity and the memory
requirements of deep neural networks guaranteeing uniform approximation rates
for arbitrary function classes in $L^2(\mathbb R^d)$. In other words, we
establish a connection between the complexity of a function class and the
complexity of deep neural networks approximating functions from this class to
within a prescribed accuracy. Additionally, we prove that our lower bounds are
achievable for a broad family of function classes. Specifically, all function
classes that are optimally approximated by a general class of representation
systems---so-called \emph{affine systems}---can be approximated by deep neural
networks with minimal connectivity and memory requirements. Affine systems
encompass a wealth of representation systems from applied harmonic analysis
such as wavelets, ridgelets, curvelets, shearlets, $\alpha$-shearlets, and more
generally $\alpha$-molecules. Our central result elucidates a remarkable
universality property of neural networks and shows that they achieve the
optimum approximation properties of all affine systems combined. As a specific
example, we consider the class of $\alpha^{-1}$-cartoon-like functions, which
is approximated optimally by $\alpha$-shearlets. We also explain how our
results can be extended to the case of functions on low-dimensional immersed
manifolds. Finally, we present numerical experiments demonstrating that the
standard stochastic gradient descent algorithm generates deep neural networks
providing close-to-optimal approximation rates. Moreover, these results
indicate that stochastic gradient descent can actually learn approximations
that are sparse in the representation systems optimally sparsifying the
function class the network is trained on.
|
Near-optimal linear decision trees for k-SUM and related problems | We construct near optimal linear decision trees for a variety of decision
problems in combinatorics and discrete geometry. For example, for any constant
$k$, we construct linear decision trees that solve the $k$-SUM problem on $n$
elements using $O(n \log^2 n)$ linear queries. Moreover, the queries we use are
comparison queries, which compare the sums of two $k$-subsets; when viewed as
linear queries, comparison queries are $2k$-sparse and have only $\{-1,0,1\}$
coefficients. We give similar constructions for sorting sumsets $A+B$ and for
solving the SUBSET-SUM problem, both with optimal number of queries, up to
poly-logarithmic terms.
Our constructions are based on the notion of "inference dimension", recently
introduced by the authors in the context of active classification with
comparison queries. This can be viewed as another contribution to the fruitful
link between machine learning and discrete geometry, which goes back to the
discovery of the VC dimension.
|
Fast k-means based on KNN Graph | In the era of big data, k-means clustering has been widely adopted as a basic
processing tool in various contexts. However, its computational cost could be
prohibitively high as the data size and the cluster number are large. It is
well known that the processing bottleneck of k-means lies in the operation of
seeking closest centroid in each iteration. In this paper, a novel solution
towards the scalability issue of k-means is presented. In the proposal, k-means
is supported by an approximate k-nearest neighbors graph. In the k-means
iteration, each data sample is only compared to clusters that its nearest
neighbors reside. Since the number of nearest neighbors we consider is much
less than k, the processing cost in this step becomes minor and irrelevant to
k. The processing bottleneck is therefore overcome. The most interesting thing
is that k-nearest neighbor graph is constructed by iteratively calling the fast
$k$-means itself. Comparing with existing fast k-means variants, the proposed
algorithm achieves hundreds to thousands times speed-up while maintaining high
clustering quality. As it is tested on 10 million 512-dimensional data, it
takes only 5.2 hours to produce 1 million clusters. In contrast, to fulfill the
same scale of clustering, it would take 3 years for traditional k-means.
|
Semi-supervised model-based clustering with controlled clusters leakage | In this paper, we focus on finding clusters in partially categorized data
sets. We propose a semi-supervised version of Gaussian mixture model, called
C3L, which retrieves natural subgroups of given categories. In contrast to
other semi-supervised models, C3L is parametrized by user-defined leakage
level, which controls maximal inconsistency between initial categorization and
resulting clustering. Our method can be implemented as a module in practical
expert systems to detect clusters, which combine expert knowledge with true
distribution of data. Moreover, it can be used for improving the results of
less flexible clustering techniques, such as projection pursuit clustering. The
paper presents extensive theoretical analysis of the model and fast algorithm
for its efficient optimization. Experimental results show that C3L finds high
quality clustering model, which can be applied in discovering meaningful groups
in partially classified data.
|
Learning with Confident Examples: Rank Pruning for Robust Classification
with Noisy Labels | Noisy PN learning is the problem of binary classification when training
examples may be mislabeled (flipped) uniformly with noise rate rho1 for
positive examples and rho0 for negative examples. We propose Rank Pruning (RP)
to solve noisy PN learning and the open problem of estimating the noise rates,
i.e. the fraction of wrong positive and negative labels. Unlike prior
solutions, RP is time-efficient and general, requiring O(T) for any
unrestricted choice of probabilistic classifier with T fitting time. We prove
RP has consistent noise estimation and equivalent expected risk as learning
with uncorrupted labels in ideal conditions, and derive closed-form solutions
when conditions are non-ideal. RP achieves state-of-the-art noise estimation
and F1, error, and AUC-PR for both MNIST and CIFAR datasets, regardless of the
amount of noise and performs similarly impressively when a large portion of
training examples are noise drawn from a third distribution. To highlight, RP
with a CNN classifier can predict if an MNIST digit is a "one"or "not" with
only 0.25% error, and 0.46 error across all digits, even when 50% of positive
examples are mislabeled and 50% of observed positive labels are mislabeled
negative examples.
|
On Identifying Disaster-Related Tweets: Matching-based or
Learning-based? | Social media such as tweets are emerging as platforms contributing to
situational awareness during disasters. Information shared on Twitter by both
affected population (e.g., requesting assistance, warning) and those outside
the impact zone (e.g., providing assistance) would help first responders,
decision makers, and the public to understand the situation first-hand.
Effective use of such information requires timely selection and analysis of
tweets that are relevant to a particular disaster. Even though abundant tweets
are promising as a data source, it is challenging to automatically identify
relevant messages since tweet are short and unstructured, resulting to
unsatisfactory classification performance of conventional learning-based
approaches. Thus, we propose a simple yet effective algorithm to identify
relevant messages based on matching keywords and hashtags, and provide a
comparison between matching-based and learning-based approaches. To evaluate
the two approaches, we put them into a framework specifically proposed for
analyzing disaster-related tweets. Analysis results on eleven datasets with
various disaster types show that our technique provides relevant tweets of
higher quality and more interpretable results of sentiment analysis tasks when
compared to learning approach.
|
KATE: K-Competitive Autoencoder for Text | Autoencoders have been successful in learning meaningful representations from
image datasets. However, their performance on text datasets has not been widely
studied. Traditional autoencoders tend to learn possibly trivial
representations of text documents due to their confounding properties such as
high-dimensionality, sparsity and power-law word distributions. In this paper,
we propose a novel k-competitive autoencoder, called KATE, for text documents.
Due to the competition between the neurons in the hidden layer, each neuron
becomes specialized in recognizing specific data patterns, and overall the
model can learn meaningful representations of textual data. A comprehensive set
of experiments show that KATE can learn better representations than traditional
autoencoders including denoising, contractive, variational, and k-sparse
autoencoders. Our model also outperforms deep generative models, probabilistic
topic models, and even word representation models (e.g., Word2Vec) in terms of
several downstream tasks such as document classification, regression, and
retrieval.
|
Matrix Completion via Factorizing Polynomials | Predicting unobserved entries of a partially observed matrix has found wide
applicability in several areas, such as recommender systems, computational
biology, and computer vision. Many scalable methods with rigorous theoretical
guarantees have been developed for algorithms where the matrix is factored into
low-rank components, and embeddings are learned for the row and column
entities. While there has been recent research on incorporating explicit side
information in the low-rank matrix factorization setting, often implicit
information can be gleaned from the data, via higher-order interactions among
entities. Such implicit information is especially useful in cases where the
data is very sparse, as is often the case in real-world datasets. In this
paper, we design a method to learn embeddings in the context of recommendation
systems, using the observation that higher powers of a graph transition
probability matrix encode the probability that a random walker will hit that
node in a given number of steps. We develop a coordinate descent algorithm to
solve the resulting optimization, that makes explicit computation of the higher
order powers of the matrix redundant, preserving sparsity and making
computations efficient. Experiments on several datasets show that our method,
that can use higher order information, outperforms methods that only use
explicitly available side information, those that use only second-order
implicit information and in some cases, methods based on deep neural networks
as well.
|
SLDR-DL: A Framework for SLD-Resolution with Deep Learning | This paper introduces an SLD-resolution technique based on deep learning.
This technique enables neural networks to learn from old and successful
resolution processes and to use learnt experiences to guide new resolution
processes. An implementation of this technique is named SLDR-DL. It includes a
Prolog library of deep feedforward neural networks and some essential functions
of resolution. In the SLDR-DL framework, users can define logical rules in the
form of definite clauses and teach neural networks to use the rules in
reasoning processes.
|
Group invariance principles for causal generative models | The postulate of independence of cause and mechanism (ICM) has recently led
to several new causal discovery algorithms. The interpretation of independence
and the way it is utilized, however, varies across these methods. Our aim in
this paper is to propose a group theoretic framework for ICM to unify and
generalize these approaches. In our setting, the cause-mechanism relationship
is assessed by comparing it against a null hypothesis through the application
of random generic group transformations. We show that the group theoretic view
provides a very general tool to study the structure of data generating
mechanisms with direct applications to machine learning.
|
Detecting Adversarial Samples Using Density Ratio Estimates | Machine learning models, especially based on deep architectures are used in
everyday applications ranging from self driving cars to medical diagnostics. It
has been shown that such models are dangerously susceptible to adversarial
samples, indistinguishable from real samples to human eye, adversarial samples
lead to incorrect classifications with high confidence. Impact of adversarial
samples is far-reaching and their efficient detection remains an open problem.
We propose to use direct density ratio estimation as an efficient model
agnostic measure to detect adversarial samples. Our proposed method works
equally well with single and multi-channel samples, and with different
adversarial sample generation methods. We also propose a method to use density
ratio estimates for generating adversarial samples with an added constraint of
preserving density ratio.
|
Spherical Wards clustering and generalized Voronoi diagrams | Gaussian mixture model is very useful in many practical problems.
Nevertheless, it cannot be directly generalized to non Euclidean spaces. To
overcome this problem we present a spherical Gaussian-based clustering approach
for partitioning data sets with respect to arbitrary dissimilarity measure. The
proposed method is a combination of spherical Cross-Entropy Clustering with a
generalized Wards approach. The algorithm finds the optimal number of clusters
by automatically removing groups which carry no information. Moreover, it is
scale invariant and allows for forming of spherically-shaped clusters of
arbitrary sizes. In order to graphically represent and interpret the results
the notion of Voronoi diagram was generalized to non Euclidean spaces and
applied for introduced clustering method.
|
Data Readiness Levels | Application of models to data is fraught. Data-generating collaborators often
only have a very basic understanding of the complications of collating,
processing and curating data. Challenges include: poor data collection
practices, missing values, inconvenient storage mechanisms, intellectual
property, security and privacy. All these aspects obstruct the sharing and
interconnection of data, and the eventual interpretation of data through
machine learning or other approaches. In project reporting, a major challenge
is in encapsulating these problems and enabling goals to be built around the
processing of data. Project overruns can occur due to failure to account for
the amount of time required to curate and collate. But to understand these
failures we need to have a common language for assessing the readiness of a
particular data set. This position paper proposes the use of data readiness
levels: it gives a rough outline of three stages of data preparedness and
speculates on how formalisation of these levels into a common language for data
readiness could facilitate project management.
|
Sequential Attention: A Context-Aware Alignment Function for Machine
Reading | In this paper we propose a neural network model with a novel Sequential
Attention layer that extends soft attention by assigning weights to words in an
input sequence in a way that takes into account not just how well that word
matches a query, but how well surrounding words match. We evaluate this
approach on the task of reading comprehension (on the Who did What and CNN
datasets) and show that it dramatically improves a strong baseline--the
Stanford Reader--and is competitive with the state of the art.
|
Analysis and Design of Convolutional Networks via Hierarchical Tensor
Decompositions | The driving force behind convolutional networks - the most successful deep
learning architecture to date, is their expressive power. Despite its wide
acceptance and vast empirical evidence, formal analyses supporting this belief
are scarce. The primary notions for formally reasoning about expressiveness are
efficiency and inductive bias. Expressive efficiency refers to the ability of a
network architecture to realize functions that require an alternative
architecture to be much larger. Inductive bias refers to the prioritization of
some functions over others given prior knowledge regarding a task at hand. In
this paper we overview a series of works written by the authors, that through
an equivalence to hierarchical tensor decompositions, analyze the expressive
efficiency and inductive bias of various convolutional network architectural
features (depth, width, strides and more). The results presented shed light on
the demonstrated effectiveness of convolutional networks, and in addition,
provide new tools for network design.
|
A Time-Vertex Signal Processing Framework | An emerging way to deal with high-dimensional non-euclidean data is to assume
that the underlying structure can be captured by a graph. Recently, ideas have
begun to emerge related to the analysis of time-varying graph signals. This
work aims to elevate the notion of joint harmonic analysis to a full-fledged
framework denoted as Time-Vertex Signal Processing, that links together the
time-domain signal processing techniques with the new tools of graph signal
processing. This entails three main contributions: (a) We provide a formal
motivation for harmonic time-vertex analysis as an analysis tool for the state
evolution of simple Partial Differential Equations on graphs. (b) We improve
the accuracy of joint filtering operators by up-to two orders of magnitude. (c)
Using our joint filters, we construct time-vertex dictionaries analyzing the
different scales and the local time-frequency content of a signal. The utility
of our tools is illustrated in numerous applications and datasets, such as
dynamic mesh denoising and classification, still-video inpainting, and source
localization in seismic events. Our results suggest that joint analysis of
time-vertex signals can bring benefits to regression and learning.
|
Learning Representations of Emotional Speech with Deep Convolutional
Generative Adversarial Networks | Automatically assessing emotional valence in human speech has historically
been a difficult task for machine learning algorithms. The subtle changes in
the voice of the speaker that are indicative of positive or negative emotional
states are often "overshadowed" by voice characteristics relating to emotional
intensity or emotional activation. In this work we explore a representation
learning approach that automatically derives discriminative representations of
emotional speech. In particular, we investigate two machine learning strategies
to improve classifier performance: (1) utilization of unlabeled data using a
deep convolutional generative adversarial network (DCGAN), and (2) multitask
learning. Within our extensive experiments we leverage a multitask annotated
emotional corpus as well as a large unlabeled meeting corpus (around 100
hours). Our speaker-independent classification experiments show that in
particular the use of unlabeled data in our investigations improves performance
of the classifiers and both fully supervised baseline approaches are
outperformed considerably. We improve the classification of emotional valence
on a discrete 5-point scale to 43.88% and on a 3-point scale to 49.80%, which
is competitive to state-of-the-art performance.
|
On Using Active Learning and Self-Training when Mining Performance
Discussions on Stack Overflow | Abundant data is the key to successful machine learning. However, supervised
learning requires annotated data that are often hard to obtain. In a
classification task with limited resources, Active Learning (AL) promises to
guide annotators to examples that bring the most value for a classifier. AL can
be successfully combined with self-training, i.e., extending a training set
with the unlabelled examples for which a classifier is the most certain. We
report our experiences on using AL in a systematic manner to train an SVM
classifier for Stack Overflow posts discussing performance of software
components. We show that the training examples deemed as the most valuable to
the classifier are also the most difficult for humans to annotate. Despite
carefully evolved annotation criteria, we report low inter-rater agreement, but
we also propose mitigation strategies. Finally, based on one annotator's work,
we show that self-training can improve the classification accuracy. We conclude
the paper by discussing implication for future text miners aspiring to use AL
and self-training.
|
Max-Pooling Loss Training of Long Short-Term Memory Networks for
Small-Footprint Keyword Spotting | We propose a max-pooling based loss function for training Long Short-Term
Memory (LSTM) networks for small-footprint keyword spotting (KWS), with low
CPU, memory, and latency requirements. The max-pooling loss training can be
further guided by initializing with a cross-entropy loss trained network. A
posterior smoothing based evaluation approach is employed to measure keyword
spotting performance. Our experimental results show that LSTM models trained
using cross-entropy loss or max-pooling loss outperform a cross-entropy loss
trained baseline feed-forward Deep Neural Network (DNN). In addition,
max-pooling loss trained LSTM with randomly initialized network performs better
compared to cross-entropy loss trained LSTM. Finally, the max-pooling loss
trained LSTM initialized with a cross-entropy pre-trained network shows the
best performance, which yields $67.6\%$ relative reduction compared to baseline
feed-forward DNN in Area Under the Curve (AUC) measure.
|
A comprehensive study of batch construction strategies for recurrent
neural networks in MXNet | In this work we compare different batch construction methods for mini-batch
training of recurrent neural networks. While popular implementations like
TensorFlow and MXNet suggest a bucketing approach to improve the
parallelization capabilities of the recurrent training process, we propose a
simple ordering strategy that arranges the training sequences in a stochastic
alternatingly sorted way. We compare our method to sequence bucketing as well
as various other batch construction strategies on the CHiME-4 noisy speech
recognition corpus. The experiments show that our alternated sorting approach
is able to compete both in training time and recognition performance while
being conceptually simpler to implement.
|
Analogical Inference for Multi-Relational Embeddings | Large-scale multi-relational embedding refers to the task of learning the
latent representations for entities and relations in large knowledge graphs. An
effective and scalable solution for this problem is crucial for the true
success of knowledge-based inference in a broad range of applications. This
paper proposes a novel framework for optimizing the latent representations with
respect to the \textit{analogical} properties of the embedded entities and
relations. By formulating the learning objective in a differentiable fashion,
our model enjoys both theoretical power and computational scalability, and
significantly outperformed a large number of representative baseline methods on
benchmark datasets. Furthermore, the model offers an elegant unification of
several well-known methods in multi-relational embedding, which can be proven
to be special instantiations of our framework.
|
Nonlinear Information Bottleneck | Information bottleneck (IB) is a technique for extracting information in one
random variable $X$ that is relevant for predicting another random variable
$Y$. IB works by encoding $X$ in a compressed "bottleneck" random variable $M$
from which $Y$ can be accurately decoded. However, finding the optimal
bottleneck variable involves a difficult optimization problem, which until
recently has been considered for only two limited cases: discrete $X$ and $Y$
with small state spaces, and continuous $X$ and $Y$ with a Gaussian joint
distribution (in which case optimal encoding and decoding maps are linear). We
propose a method for performing IB on arbitrarily-distributed discrete and/or
continuous $X$ and $Y$, while allowing for nonlinear encoding and decoding
maps. Our approach relies on a novel non-parametric upper bound for mutual
information. We describe how to implement our method using neural networks. We
then show that it achieves better performance than the recently-proposed
"variational IB" method on several real-world datasets.
|
Face Super-Resolution Through Wasserstein GANs | Generative adversarial networks (GANs) have received a tremendous amount of
attention in the past few years, and have inspired applications addressing a
wide range of problems. Despite its great potential, GANs are difficult to
train. Recently, a series of papers (Arjovsky & Bottou, 2017a; Arjovsky et al.
2017b; and Gulrajani et al. 2017) proposed using Wasserstein distance as the
training objective and promised easy, stable GAN training across architectures
with minimal hyperparameter tuning. In this paper, we compare the performance
of Wasserstein distance with other training objectives on a variety of GAN
architectures in the context of single image super-resolution. Our results
agree that Wasserstein GAN with gradient penalty (WGAN-GP) provides stable and
converging GAN training and that Wasserstein distance is an effective metric to
gauge training progress.
|
Experimental results : Reinforcement Learning of POMDPs using Spectral
Methods | We propose a new reinforcement learning algorithm for partially observable
Markov decision processes (POMDP) based on spectral decomposition methods.
While spectral methods have been previously employed for consistent learning of
(passive) latent variable models such as hidden Markov models, POMDPs are more
challenging since the learner interacts with the environment and possibly
changes the future observations in the process. We devise a learning algorithm
running through epochs, in each epoch we employ spectral techniques to learn
the POMDP parameters from a trajectory generated by a fixed policy. At the end
of the epoch, an optimization oracle returns the optimal memoryless planning
policy which maximizes the expected reward based on the estimated POMDP model.
We prove an order-optimal regret bound with respect to the optimal memoryless
policy and efficient scaling with respect to the dimensionality of observation
and action spaces.
|
Classification and Representation via Separable Subspaces: Performance
Limits and Algorithms | We study the classification performance of Kronecker-structured models in two
asymptotic regimes and developed an algorithm for separable, fast and compact
K-S dictionary learning for better classification and representation of
multidimensional signals by exploiting the structure in the signal. First, we
study the classification performance in terms of diversity order and pairwise
geometry of the subspaces. We derive an exact expression for the diversity
order as a function of the signal and subspace dimensions of a K-S model. Next,
we study the classification capacity, the maximum rate at which the number of
classes can grow as the signal dimension goes to infinity. Then we describe a
fast algorithm for Kronecker-Structured Learning of Discriminative Dictionaries
(K-SLD2). Finally, we evaluate the empirical classification performance of K-S
models for the synthetic data, showing that they agree with the diversity order
analysis. We also evaluate the performance of K-SLD2 on synthetic and
real-world datasets showing that the K-SLD2 balances compact signal
representation and good classification performance.
|
Learning Discriminative Relational Features for Sequence Labeling | Discovering relational structure between input features in sequence labeling
models has shown to improve their accuracy in several problem settings.
However, the search space of relational features is exponential in the number
of basic input features. Consequently, approaches that learn relational
features, tend to follow a greedy search strategy. In this paper, we study the
possibility of optimally learning and applying discriminative relational
features for sequence labeling. For learning features derived from inputs at a
particular sequence position, we propose a Hierarchical Kernels-based approach
(referred to as Hierarchical Kernel Learning for Structured Output Spaces -
StructHKL). This approach optimally and efficiently explores the hierarchical
structure of the feature space for problems with structured output spaces such
as sequence labeling. Since the StructHKL approach has limitations in learning
complex relational features derived from inputs at relative positions, we
propose two solutions to learn relational features namely, (i) enumerating
simple component features of complex relational features and discovering their
compositions using StructHKL and (ii) leveraging relational kernels, that
compute the similarity between instances implicitly, in the sequence labeling
problem. We perform extensive empirical evaluation on publicly available
datasets and record our observations on settings in which certain approaches
are effective.
|
A Design Methodology for Efficient Implementation of Deconvolutional
Neural Networks on an FPGA | In recent years deep learning algorithms have shown extremely high
performance on machine learning tasks such as image classification and speech
recognition. In support of such applications, various FPGA accelerator
architectures have been proposed for convolutional neural networks (CNNs) that
enable high performance for classification tasks at lower power than CPU and
GPU processors. However, to date, there has been little research on the use of
FPGA implementations of deconvolutional neural networks (DCNNs). DCNNs, also
known as generative CNNs, encode high-dimensional probability distributions and
have been widely used for computer vision applications such as scene
completion, scene segmentation, image creation, image denoising, and
super-resolution imaging. We propose an FPGA architecture for deconvolutional
networks built around an accelerator which effectively handles the complex
memory access patterns needed to perform strided deconvolutions, and that
supports convolution as well. We also develop a three-step design optimization
method that systematically exploits statistical analysis, design space
exploration and VLSI optimization. To verify our FPGA deconvolutional
accelerator design methodology we train DCNNs offline on two representative
datasets using the generative adversarial network method (GAN) run on
Tensorflow, and then map these DCNNs to an FPGA DCNN-plus-accelerator
implementation to perform generative inference on a Xilinx Zynq-7000 FPGA. Our
DCNN implementation achieves a peak performance density of 0.012 GOPs/DSP.
|
Learning of Gaussian Processes in Distributed and Communication Limited
Systems | It is of fundamental importance to find algorithms obtaining optimal
performance for learning of statistical models in distributed and communication
limited systems. Aiming at characterizing the optimal strategies, we consider
learning of Gaussian Processes (GPs) in distributed systems as a pivotal
example. We first address a very basic problem: how many bits are required to
estimate the inner-products of Gaussian vectors across distributed machines?
Using information theoretic bounds, we obtain an optimal solution for the
problem which is based on vector quantization. Two suboptimal and more
practical schemes are also presented as substitute for the vector quantization
scheme. In particular, it is shown that the performance of one of the practical
schemes which is called per-symbol quantization is very close to the optimal
one. Schemes provided for the inner-product calculations are incorporated into
our proposed distributed learning methods for GPs. Experimental results show
that with spending few bits per symbol in our communication scheme, our
proposed methods outperform previous zero rate distributed GP learning schemes
such as Bayesian Committee Model (BCM) and Product of experts (PoE).
|
TrajectoryNet: An Embedded GPS Trajectory Representation for Point-based
Classification Using Recurrent Neural Networks | Understanding and discovering knowledge from GPS (Global Positioning System)
traces of human activities is an essential topic in mobility-based urban
computing. We propose TrajectoryNet-a neural network architecture for
point-based trajectory classification to infer real world human transportation
modes from GPS traces. To overcome the challenge of capturing the underlying
latent factors in the low-dimensional and heterogeneous feature space imposed
by GPS data, we develop a novel representation that embeds the original feature
space into another space that can be understood as a form of basis expansion.
We also enrich the feature space via segment-based information and use Maxout
activations to improve the predictive power of Recurrent Neural Networks
(RNNs). We achieve over 98% classification accuracy when detecting four types
of transportation modes, outperforming existing models without additional
sensory data or location-based prior knowledge.
|
DropIn: Making Reservoir Computing Neural Networks Robust to Missing
Inputs by Dropout | The paper presents a novel, principled approach to train recurrent neural
networks from the Reservoir Computing family that are robust to missing part of
the input features at prediction time. By building on the ensembling properties
of Dropout regularization, we propose a methodology, named DropIn, which
efficiently trains a neural model as a committee machine of subnetworks, each
capable of predicting with a subset of the original input features. We discuss
the application of the DropIn methodology in the context of Reservoir Computing
models and targeting applications characterized by input sources that are
unreliable or prone to be disconnected, such as in pervasive wireless sensor
networks and ambient intelligence. We provide an experimental assessment using
real-world data from such application domains, showing how the Dropin
methodology allows to maintain predictive performances comparable to those of a
model without missing features, even when 20\%-50\% of the inputs are not
available.
|
Metacontrol for Adaptive Imagination-Based Optimization | Many machine learning systems are built to solve the hardest examples of a
particular task, which often makes them large and expensive to run---especially
with respect to the easier examples, which might require much less computation.
For an agent with a limited computational budget, this "one-size-fits-all"
approach may result in the agent wasting valuable computation on easy examples,
while not spending enough on hard examples. Rather than learning a single,
fixed policy for solving all instances of a task, we introduce a metacontroller
which learns to optimize a sequence of "imagined" internal simulations over
predictive models of the world in order to construct a more informed, and more
economical, solution. The metacontroller component is a model-free
reinforcement learning agent, which decides both how many iterations of the
optimization procedure to run, as well as which model to consult on each
iteration. The models (which we call "experts") can be state transition models,
action-value functions, or any other mechanism that provides information useful
for solving the task, and can be learned on-policy or off-policy in parallel
with the metacontroller. When the metacontroller, controller, and experts were
trained with "interaction networks" (Battaglia et al., 2016) as expert models,
our approach was able to solve a challenging decision-making problem under
complex non-linear dynamics. The metacontroller learned to adapt the amount of
computation it performed to the difficulty of the task, and learned how to
choose which experts to consult by factoring in both their reliability and
individual computational resource costs. This allowed the metacontroller to
achieve a lower overall cost (task loss plus computational cost) than more
traditional fixed policy approaches. These results demonstrate that our
approach is a powerful framework for using...
|
Finding Bottlenecks: Predicting Student Attrition with Unsupervised
Classifier | With pressure to increase graduation rates and reduce time to degree in
higher education, it is important to identify at-risk students early. Automated
early warning systems are therefore highly desirable. In this paper, we use
unsupervised clustering techniques to predict the graduation status of declared
majors in five departments at California State University Northridge (CSUN),
based on a minimal number of lower division courses in each major. In addition,
we use the detected clusters to identify hidden bottleneck courses.
|
Multimodal Affect Analysis for Product Feedback Assessment | Consumers often react expressively to products such as food samples, perfume,
jewelry, sunglasses, and clothing accessories. This research discusses a
multimodal affect recognition system developed to classify whether a consumer
likes or dislikes a product tested at a counter or kiosk, by analyzing the
consumer's facial expression, body posture, hand gestures, and voice after
testing the product. A depth-capable camera and microphone system - Kinect for
Windows - is utilized. An emotion identification engine has been developed to
analyze the images and voice to determine affective state of the customer. The
image is segmented using skin color and adaptive threshold. Face, body and
hands are detected using the Haar cascade classifier. Canny edges are
identified and the lip, body and hand contours are extracted using spatial
filtering. Edge count and orientation around the mouth, cheeks, eyes,
shoulders, fingers and the location of the edges are used as features.
Classification is done by an emotion template mapping algorithm and training a
classifier using support vector machines. The real-time performance, accuracy
and feasibility for multimodal affect recognition in feedback assessment are
evaluated.
|
Spatiotemporal Recurrent Convolutional Networks for Traffic Prediction
in Transportation Networks | Predicting large-scale transportation network traffic has become an important
and challenging topic in recent decades. Inspired by the domain knowledge of
motion prediction, in which the future motion of an object can be predicted
based on previous scenes, we propose a network grid representation method that
can retain the fine-scale structure of a transportation network. Network-wide
traffic speeds are converted into a series of static images and input into a
novel deep architecture, namely, spatiotemporal recurrent convolutional
networks (SRCNs), for traffic forecasting. The proposed SRCNs inherit the
advantages of deep convolutional neural networks (DCNNs) and long short-term
memory (LSTM) neural networks. The spatial dependencies of network-wide traffic
can be captured by DCNNs, and the temporal dynamics can be learned by LSTMs. An
experiment on a Beijing transportation network with 278 links demonstrates that
SRCNs outperform other deep learning-based algorithms in both short-term and
long-term traffic prediction.
|
MIDA: Multiple Imputation using Denoising Autoencoders | Missing data is a significant problem impacting all domains. State-of-the-art
framework for minimizing missing data bias is multiple imputation, for which
the choice of an imputation model remains nontrivial. We propose a multiple
imputation model based on overcomplete deep denoising autoencoders. Our
proposed model is capable of handling different data types, missingness
patterns, missingness proportions and distributions. Evaluation on several real
life datasets show our proposed model significantly outperforms current
state-of-the-art methods under varying conditions while simultaneously
improving end of the line analytics.
|
Deep Descriptor Transforming for Image Co-Localization | Reusable model design becomes desirable with the rapid expansion of machine
learning applications. In this paper, we focus on the reusability of
pre-trained deep convolutional models. Specifically, different from treating
pre-trained models as feature extractors, we reveal more treasures beneath
convolutional layers, i.e., the convolutional activations could act as a
detector for the common object in the image co-localization problem. We propose
a simple but effective method, named Deep Descriptor Transforming (DDT), for
evaluating the correlations of descriptors and then obtaining the
category-consistent regions, which can accurately locate the common object in a
set of images. Empirical studies validate the effectiveness of the proposed DDT
method. On benchmark image co-localization datasets, DDT consistently
outperforms existing state-of-the-art methods by a large margin. Moreover, DDT
also demonstrates good generalization ability for unseen categories and
robustness for dealing with noisy data.
|
Graph Embedding Techniques, Applications, and Performance: A Survey | Graphs, such as social networks, word co-occurrence networks, and
communication networks, occur naturally in various real-world applications.
Analyzing them yields insight into the structure of society, language, and
different patterns of communication. Many approaches have been proposed to
perform the analysis. Recently, methods which use the representation of graph
nodes in vector space have gained traction from the research community. In this
survey, we provide a comprehensive and structured analysis of various graph
embedding techniques proposed in the literature. We first introduce the
embedding task and its challenges such as scalability, choice of
dimensionality, and features to be preserved, and their possible solutions. We
then present three categories of approaches based on factorization methods,
random walks, and deep learning, with examples of representative algorithms in
each category and analysis of their performance on various tasks. We evaluate
these state-of-the-art methods on a few common datasets and compare their
performance against one another. Our analysis concludes by suggesting some
potential applications and future directions. We finally present the
open-source Python library we developed, named GEM (Graph Embedding Methods,
available at https://github.com/palash1992/GEM), which provides all presented
algorithms within a unified interface to foster and facilitate research on the
topic.
|
Geometry and Dynamics for Markov Chain Monte Carlo | Markov Chain Monte Carlo methods have revolutionised mathematical computation
and enabled statistical inference within many previously intractable models. In
this context, Hamiltonian dynamics have been proposed as an efficient way of
building chains which can explore probability densities efficiently. The method
emerges from physics and geometry and these links have been extensively studied
by a series of authors through the last thirty years. However, there is
currently a gap between the intuitions and knowledge of users of the
methodology and our deep understanding of these theoretical foundations. The
aim of this review is to provide a comprehensive introduction to the geometric
tools used in Hamiltonian Monte Carlo at a level accessible to statisticians,
machine learners and other users of the methodology with only a basic
understanding of Monte Carlo methods. This will be complemented with some
discussion of the most recent advances in the field which we believe will
become increasingly relevant to applied scientists.
|
Geometric GAN | Generative Adversarial Nets (GANs) represent an important milestone for
effective generative models, which has inspired numerous variants seemingly
different from each other. One of the main contributions of this paper is to
reveal a unified geometric structure in GAN and its variants. Specifically, we
show that the adversarial generative model training can be decomposed into
three geometric steps: separating hyperplane search, discriminator parameter
update away from the separating hyperplane, and the generator update along the
normal vector direction of the separating hyperplane. This geometric intuition
reveals the limitations of the existing approaches and leads us to propose a
new formulation called geometric GAN using SVM separating hyperplane that
maximizes the margin. Our theoretical analysis shows that the geometric GAN
converges to a Nash equilibrium between the discriminator and generator. In
addition, extensive numerical results show that the superior performance of
geometric GAN.
|
Machine Learning with World Knowledge: The Position and Survey | Machine learning has become pervasive in multiple domains, impacting a wide
variety of applications, such as knowledge discovery and data mining, natural
language processing, information retrieval, computer vision, social and health
informatics, ubiquitous computing, etc. Two essential problems of machine
learning are how to generate features and how to acquire labels for machines to
learn. Particularly, labeling large amount of data for each domain-specific
problem can be very time consuming and costly. It has become a key obstacle in
making learning protocols realistic in applications. In this paper, we will
discuss how to use the existing general-purpose world knowledge to enhance
machine learning processes, by enriching the features or reducing the labeling
work. We start from the comparison of world knowledge with domain-specific
knowledge, and then introduce three key problems in using world knowledge in
learning processes, i.e., explicit and implicit feature representation,
inference for knowledge linking and disambiguation, and learning with direct or
indirect supervision. Finally we discuss the future directions of this research
topic.
|
Cross-label Suppression: A Discriminative and Fast Dictionary Learning
with Group Regularization | This paper addresses image classification through learning a compact and
discriminative dictionary efficiently. Given a structured dictionary with each
atom (columns in the dictionary matrix) related to some label, we propose
cross-label suppression constraint to enlarge the difference among
representations for different classes. Meanwhile, we introduce group
regularization to enforce representations to preserve label properties of
original samples, meaning the representations for the same class are encouraged
to be similar. Upon the cross-label suppression, we don't resort to
frequently-used $\ell_0$-norm or $\ell_1$-norm for coding, and obtain
computational efficiency without losing the discriminative power for
categorization. Moreover, two simple classification schemes are also developed
to take full advantage of the learnt dictionary. Extensive experiments on six
data sets including face recognition, object categorization, scene
classification, texture recognition and sport action categorization are
conducted, and the results show that the proposed approach can outperform lots
of recently presented dictionary algorithms on both recognition accuracy and
computational efficiency.
|
Non-negative Matrix Factorization via Archetypal Analysis | Given a collection of data points, non-negative matrix factorization (NMF)
suggests to express them as convex combinations of a small set of `archetypes'
with non-negative entries. This decomposition is unique only if the true
archetypes are non-negative and sufficiently sparse (or the weights are
sufficiently sparse), a regime that is captured by the separability condition
and its generalizations.
In this paper, we study an approach to NMF that can be traced back to the
work of Cutler and Breiman (1994) and does not require the data to be
separable, while providing a generally unique decomposition. We optimize the
trade-off between two objectives: we minimize the distance of the data points
from the convex envelope of the archetypes (which can be interpreted as an
empirical risk), while minimizing the distance of the archetypes from the
convex envelope of the data (which can be interpreted as a data-dependent
regularization). The archetypal analysis method of (Cutler, Breiman, 1994) is
recovered as the limiting case in which the last term is given infinite weight.
We introduce a `uniqueness condition' on the data which is necessary for
exactly recovering the archetypes from noiseless data. We prove that, under
uniqueness (plus additional regularity conditions on the geometry of the
archetypes), our estimator is robust. While our approach requires solving a
non-convex optimization problem, we find that standard optimization methods
succeed in finding good solutions both for real and synthetic data.
|
Geometry of Optimization and Implicit Regularization in Deep Learning | We argue that the optimization plays a crucial role in generalization of deep
learning models through implicit regularization. We do this by demonstrating
that generalization ability is not controlled by network size but rather by
some other implicit control. We then demonstrate how changing the empirical
optimization procedure can improve generalization, even if actual optimization
quality is not affected. We do so by studying the geometry of the parameter
space of deep networks, and devising an optimization algorithm attuned to this
geometry.
|
Phonetic Temporal Neural Model for Language Identification | Deep neural models, particularly the LSTM-RNN model, have shown great
potential for language identification (LID). However, the use of phonetic
information has been largely overlooked by most existing neural LID methods,
although this information has been used very successfully in conventional
phonetic LID systems. We present a phonetic temporal neural model for LID,
which is an LSTM-RNN LID system that accepts phonetic features produced by a
phone-discriminative DNN as the input, rather than raw acoustic features. This
new model is similar to traditional phonetic LID methods, but the phonetic
knowledge here is much richer: it is at the frame level and involves compacted
information of all phones. Our experiments conducted on the Babel database and
the AP16-OLR database demonstrate that the temporal phonetic neural approach is
very effective, and significantly outperforms existing acoustic neural models.
It also outperforms the conventional i-vector approach on short utterances and
in noisy conditions.
|
Phone-aware Neural Language Identification | Pure acoustic neural models, particularly the LSTM-RNN model, have shown
great potential in language identification (LID). However, the phonetic
information has been largely overlooked by most of existing neural LID models,
although this information has been used in the conventional phonetic LID
systems with a great success. We present a phone-aware neural LID architecture,
which is a deep LSTM-RNN LID system but accepts output from an RNN-based ASR
system. By utilizing the phonetic knowledge, the LID performance can be
significantly improved. Interestingly, even if the test language is not
involved in the ASR training, the phonetic knowledge still presents a large
contribution. Our experiments conducted on four languages within the Babel
corpus demonstrated that the phone-aware approach is highly effective.
|
Improving drug sensitivity predictions in precision medicine through
active expert knowledge elicitation | Predicting the efficacy of a drug for a given individual, using
high-dimensional genomic measurements, is at the core of precision medicine.
However, identifying features on which to base the predictions remains a
challenge, especially when the sample size is small. Incorporating expert
knowledge offers a promising alternative to improve a prediction model, but
collecting such knowledge is laborious to the expert if the number of candidate
features is very large. We introduce a probabilistic model that can incorporate
expert feedback about the impact of genomic measurements on the sensitivity of
a cancer cell for a given drug. We also present two methods to intelligently
collect this feedback from the expert, using experimental design and
multi-armed bandit models. In a multiple myeloma blood cancer data set (n=51),
expert knowledge decreased the prediction error by 8%. Furthermore, the
intelligent approaches can be used to reduce the workload of feedback
collection to less than 30% on average compared to a naive approach.
|
MotifMark: Finding Regulatory Motifs in DNA Sequences | The interaction between proteins and DNA is a key driving force in a
significant number of biological processes such as transcriptional regulation,
repair, recombination, splicing, and DNA modification. The identification of
DNA-binding sites and the specificity of target proteins in binding to these
regions are two important steps in understanding the mechanisms of these
biological activities. A number of high-throughput technologies have recently
emerged that try to quantify the affinity between proteins and DNA motifs.
Despite their success, these technologies have their own limitations and fall
short in precise characterization of motifs, and as a result, require further
downstream analysis to extract useful and interpretable information from a
haystack of noisy and inaccurate data. Here we propose MotifMark, a new
algorithm based on graph theory and machine learning, that can find binding
sites on candidate probes and rank their specificity in regard to the
underlying transcription factor. We developed a pipeline to analyze
experimental data derived from compact universal protein binding microarrays
and benchmarked it against two of the most accurate motif search methods. Our
results indicate that MotifMark can be a viable alternative technique for
prediction of motif from protein binding microarrays and possibly other related
high-throughput techniques.
|
Stable Architectures for Deep Neural Networks | Deep neural networks have become invaluable tools for supervised machine
learning, e.g., classification of text or images. While often offering superior
results over traditional techniques and successfully expressing complicated
patterns in data, deep architectures are known to be challenging to design and
train such that they generalize well to new data. Important issues with deep
architectures are numerical instabilities in derivative-based learning
algorithms commonly called exploding or vanishing gradients. In this paper we
propose new forward propagation techniques inspired by systems of Ordinary
Differential Equations (ODE) that overcome this challenge and lead to
well-posed learning problems for arbitrarily deep networks.
The backbone of our approach is our interpretation of deep learning as a
parameter estimation problem of nonlinear dynamical systems. Given this
formulation, we analyze stability and well-posedness of deep learning and use
this new understanding to develop new network architectures. We relate the
exploding and vanishing gradient phenomenon to the stability of the discrete
ODE and present several strategies for stabilizing deep learning for very deep
networks. While our new architectures restrict the solution space, several
numerical experiments show their competitiveness with state-of-the-art
networks.
|
Generative Adversarial Trainer: Defense to Adversarial Perturbations
with GAN | We propose a novel technique to make neural network robust to adversarial
examples using a generative adversarial network. We alternately train both
classifier and generator networks. The generator network generates an
adversarial perturbation that can easily fool the classifier network by using a
gradient of each image. Simultaneously, the classifier network is trained to
classify correctly both original and adversarial images generated by the
generator. These procedures help the classifier network to become more robust
to adversarial perturbations. Furthermore, our adversarial training framework
efficiently reduces overfitting and outperforms other regularization methods
such as Dropout. We applied our method to supervised learning for CIFAR
datasets, and experimantal results show that our method significantly lowers
the generalization error of the network. To the best of our knowledge, this is
the first method which uses GAN to improve supervised learning.
|
A Distributed Learning Dynamics in Social Groups | We study a distributed learning process observed in human groups and other
social animals. This learning process appears in settings in which each
individual in a group is trying to decide over time, in a distributed manner,
which option to select among a shared set of options. Specifically, we consider
a stochastic dynamics in a group in which every individual selects an option in
the following two-step process: (1) select a random individual and observe the
option that individual chose in the previous time step, and (2) adopt that
option if its stochastic quality was good at that time step. Various
instantiations of such distributed learning appear in nature, and have also
been studied in the social science literature. From the perspective of an
individual, an attractive feature of this learning process is that it is a
simple heuristic that requires extremely limited computational capacities. But
what does it mean for the group -- could such a simple, distributed and
essentially memoryless process lead the group as a whole to perform optimally?
We show that the answer to this question is yes -- this distributed learning is
highly effective at identifying the best option and is close to optimal for the
group overall. Our analysis also gives quantitative bounds that show fast
convergence of these stochastic dynamics. Prior to our work the only
theoretical work related to such learning dynamics has been either in
deterministic special cases or in the asymptotic setting. Finally, we observe
that our infinite population dynamics is a stochastic variant of the classic
multiplicative weights update (MWU) method. Consequently, we arrive at the
following interesting converse: the learning dynamics on a finite population
considered here can be viewed as a novel distributed and low-memory
implementation of the classic MWU method.
|
Learning Deep Networks from Noisy Labels with Dropout Regularization | Large datasets often have unreliable labels-such as those obtained from
Amazon's Mechanical Turk or social media platforms-and classifiers trained on
mislabeled datasets often exhibit poor performance. We present a simple,
effective technique for accounting for label noise when training deep neural
networks. We augment a standard deep network with a softmax layer that models
the label noise statistics. Then, we train the deep network and noise model
jointly via end-to-end stochastic gradient descent on the (perhaps mislabeled)
dataset. The augmented model is overdetermined, so in order to encourage the
learning of a non-trivial noise model, we apply dropout regularization to the
weights of the noise model during training. Numerical experiments on noisy
versions of the CIFAR-10 and MNIST datasets show that the proposed dropout
technique outperforms state-of-the-art methods.
|
Frequentist Consistency of Variational Bayes | A key challenge for modern Bayesian statistics is how to perform scalable
inference of posterior distributions. To address this challenge, variational
Bayes (VB) methods have emerged as a popular alternative to the classical
Markov chain Monte Carlo (MCMC) methods. VB methods tend to be faster while
achieving comparable predictive performance. However, there are few theoretical
results around VB. In this paper, we establish frequentist consistency and
asymptotic normality of VB methods. Specifically, we connect VB methods to
point estimates based on variational approximations, called frequentist
variational approximations, and we use the connection to prove a variational
Bernstein-von Mises theorem. The theorem leverages the theoretical
characterizations of frequentist variational approximations to understand
asymptotic properties of VB. In summary, we prove that (1) the VB posterior
converges to the Kullback-Leibler (KL) minimizer of a normal distribution,
centered at the truth and (2) the corresponding variational expectation of the
parameter is consistent and asymptotically normal. As applications of the
theorem, we derive asymptotic properties of VB posteriors in Bayesian mixture
models, Bayesian generalized linear mixed models, and Bayesian stochastic block
models. We conduct a simulation study to illustrate these theoretical results.
|
Sequential Dialogue Context Modeling for Spoken Language Understanding | Spoken Language Understanding (SLU) is a key component of goal oriented
dialogue systems that would parse user utterances into semantic frame
representations. Traditionally SLU does not utilize the dialogue history beyond
the previous system turn and contextual ambiguities are resolved by the
downstream components. In this paper, we explore novel approaches for modeling
dialogue context in a recurrent neural network (RNN) based language
understanding system. We propose the Sequential Dialogue Encoder Network, that
allows encoding context from the dialogue history in chronological order. We
compare the performance of our proposed architecture with two context models,
one that uses just the previous turn context and another that encodes dialogue
context in a memory network, but loses the order of utterances in the dialogue
history. Experiments with a multi-domain dialogue dataset demonstrate that the
proposed architecture results in reduced semantic frame error rates.
|
OMNIRank: Risk Quantification for P2P Platforms with Deep Learning | P2P lending presents as an innovative and flexible alternative for
conventional lending institutions like banks, where lenders and borrowers
directly make transactions and benefit each other without complicated
verifications. However, due to lack of specialized laws, delegated monitoring
and effective managements, P2P platforms may spawn potential risks, such as
withdraw failures, investigation involvements and even runaway bosses, which
cause great losses to lenders and are especially serious and notorious in
China. Although there are abundant public information and data available on the
Internet related to P2P platforms, challenges of multi-sourcing and
heterogeneity matter. In this paper, we promote a novel deep learning model,
OMNIRank, which comprehends multi-dimensional features of P2P platforms for
risk quantification and produces scores for ranking. We first construct a
large-scale flexible crawling framework and obtain great amounts of
multi-source heterogeneous data of domestic P2P platforms since 2007 from the
Internet. Purifications like duplication and noise removal, null handing,
format unification and fusion are applied to improve data qualities. Then we
extract deep features of P2P platforms via text comprehension, topic modeling,
knowledge graph and sentiment analysis, which are delivered as inputs to
OMNIRank, a deep learning model for risk quantification of P2P platforms.
Finally, according to rankings generated by OMNIRank, we conduct flourish data
visualizations and interactions, providing lenders with comprehensive
information supports, decision suggestions and safety guarantees.
|
DeepDeath: Learning to Predict the Underlying Cause of Death with Big
Data | Multiple cause-of-death data provides a valuable source of information that
can be used to enhance health standards by predicting health related
trajectories in societies with large populations. These data are often
available in large quantities across U.S. states and require Big Data
techniques to uncover complex hidden patterns. We design two different classes
of models suitable for large-scale analysis of mortality data, a Hadoop-based
ensemble of random forests trained over N-grams, and the DeepDeath, a deep
classifier based on the recurrent neural network (RNN). We apply both classes
to the mortality data provided by the National Center for Health Statistics and
show that while both perform significantly better than the random classifier,
the deep model that utilizes long short-term memory networks (LSTMs), surpasses
the N-gram based models and is capable of learning the temporal aspect of the
data without a need for building ad-hoc, expert-driven features.
|
Policy Iterations for Reinforcement Learning Problems in Continuous Time
and Space -- Fundamental Theory and Methods | Policy iteration (PI) is a recursive process of policy evaluation and
improvement for solving an optimal decision-making/control problem, or in other
words, a reinforcement learning (RL) problem. PI has also served as the
fundamental for developing RL methods. In this paper, we propose two PI
methods, called differential PI (DPI) and integral PI (IPI), and their
variants, for a general RL framework in continuous time and space (CTS), where
the environment is modeled by a system of ordinary differential equations
(ODEs). The proposed methods inherit the current ideas of PI in classical RL
and optimal control and theoretically support the existing RL algorithms in
CTS: TD-learning and value-gradient-based (VGB) greedy policy update. We also
provide case studies including 1) discounted RL and 2) optimal control tasks.
Fundamental mathematical properties -- admissibility, uniqueness of the
solution to the Bellman equation (BE), monotone improvement, convergence, and
optimality of the solution to the Hamilton-Jacobi-Bellman equation (HJBE) --
are all investigated in-depth and improved from the existing theory, along with
the general and case studies. Finally, the proposed ones are simulated with an
inverted-pendulum model and their model-based and partially model-free
implementations to support the theory and further investigate them beyond.
|
A Large-Scale Exploration of Factors Affecting Hand Hygiene Compliance
Using Linear Predictive Models | This large-scale study, consisting of 24.5 million hand hygiene opportunities
spanning 19 distinct facilities in 10 different states, uses linear predictive
models to expose factors that may affect hand hygiene compliance. We examine
the use of features such as temperature, relative humidity, influenza severity,
day/night shift, federal holidays and the presence of new residents in
predicting daily hand hygiene compliance. The results suggest that colder
temperatures and federal holidays have an adverse effect on hand hygiene
compliance rates, and that individual cultures and attitudes regarding hand
hygiene seem to exist among facilities.
|
CORe50: a New Dataset and Benchmark for Continuous Object Recognition | Continuous/Lifelong learning of high-dimensional data streams is a
challenging research problem. In fact, fully retraining models each time new
data become available is infeasible, due to computational and storage issues,
while na\"ive incremental strategies have been shown to suffer from
catastrophic forgetting. In the context of real-world object recognition
applications (e.g., robotic vision), where continuous learning is crucial, very
few datasets and benchmarks are available to evaluate and compare emerging
techniques. In this work we propose a new dataset and benchmark CORe50,
specifically designed for continuous object recognition, and introduce baseline
approaches for different continuous learning scenarios.
|
Relevance-based Word Embedding | Learning a high-dimensional dense representation for vocabulary terms, also
known as a word embedding, has recently attracted much attention in natural
language processing and information retrieval tasks. The embedding vectors are
typically learned based on term proximity in a large corpus. This means that
the objective in well-known word embedding algorithms, e.g., word2vec, is to
accurately predict adjacent word(s) for a given word or context. However, this
objective is not necessarily equivalent to the goal of many information
retrieval (IR) tasks. The primary objective in various IR tasks is to capture
relevance instead of term proximity, syntactic, or even semantic similarity.
This is the motivation for developing unsupervised relevance-based word
embedding models that learn word representations based on query-document
relevance information. In this paper, we propose two learning models with
different objective functions; one learns a relevance distribution over the
vocabulary set for each query, and the other classifies each term as belonging
to the relevant or non-relevant class for each query. To train our models, we
used over six million unique queries and the top ranked documents retrieved in
response to each query, which are assumed to be relevant to the query. We
extrinsically evaluate our learned word representation models using two IR
tasks: query expansion and query classification. Both query expansion
experiments on four TREC collections and query classification experiments on
the KDD Cup 2005 dataset suggest that the relevance-based word embedding models
significantly outperform state-of-the-art proximity-based embedding models,
such as word2vec and GloVe.
|
DeepTingle | DeepTingle is a text prediction and classification system trained on the
collected works of the renowned fantastic gay erotica author Chuck Tingle.
Whereas the writing assistance tools you use everyday (in the form of
predictive text, translation, grammar checking and so on) are trained on
generic, purportedly "neutral" datasets, DeepTingle is trained on a very
specific, internally consistent but externally arguably eccentric dataset. This
allows us to foreground and confront the norms embedded in data-driven
creativity and productivity assistance tools. As such tools effectively
function as extensions of our cognition into technology, it is important to
identify the norms they embed within themselves and, by extension, us.
DeepTingle is realized as a web application based on LSTM networks and the
GloVe word embedding, implemented in JavaScript with Keras-JS.
|
Deep Episodic Value Iteration for Model-based Meta-Reinforcement
Learning | We present a new deep meta reinforcement learner, which we call Deep Episodic
Value Iteration (DEVI). DEVI uses a deep neural network to learn a similarity
metric for a non-parametric model-based reinforcement learning algorithm. Our
model is trained end-to-end via back-propagation. Despite being trained using
the model-free Q-learning objective, we show that DEVI's model-based internal
structure provides `one-shot' transfer to changes in reward and transition
structure, even for tasks with very high-dimensional state spaces.
|
Spatial Random Sampling: A Structure-Preserving Data Sketching Tool | Random column sampling is not guaranteed to yield data sketches that preserve
the underlying structures of the data and may not sample sufficiently from
less-populated data clusters. Also, adaptive sampling can often provide
accurate low rank approximations, yet may fall short of producing descriptive
data sketches, especially when the cluster centers are linearly dependent.
Motivated by that, this paper introduces a novel randomized column sampling
tool dubbed Spatial Random Sampling (SRS), in which data points are sampled
based on their proximity to randomly sampled points on the unit sphere. The
most compelling feature of SRS is that the corresponding probability of
sampling from a given data cluster is proportional to the surface area the
cluster occupies on the unit sphere, independently from the size of the cluster
population. Although it is fully randomized, SRS is shown to provide
descriptive and balanced data representations. The proposed idea addresses a
pressing need in data science and holds potential to inspire many novel
approaches for analysis of big data.
|
Discovery Radiomics via Evolutionary Deep Radiomic Sequencer Discovery
for Pathologically-Proven Lung Cancer Detection | While lung cancer is the second most diagnosed form of cancer in men and
women, a sufficiently early diagnosis can be pivotal in patient survival rates.
Imaging-based, or radiomics-driven, detection methods have been developed to
aid diagnosticians, but largely rely on hand-crafted features which may not
fully encapsulate the differences between cancerous and healthy tissue.
Recently, the concept of discovery radiomics was introduced, where custom
abstract features are discovered from readily available imaging data. We
propose a novel evolutionary deep radiomic sequencer discovery approach based
on evolutionary deep intelligence. Motivated by patient privacy concerns and
the idea of operational artificial intelligence, the evolutionary deep radiomic
sequencer discovery approach organically evolves increasingly more efficient
deep radiomic sequencers that produce significantly more compact yet similarly
descriptive radiomic sequences over multiple generations. As a result, this
framework improves operational efficiency and enables diagnosis to be run
locally at the radiologist's computer while maintaining detection accuracy. We
evaluated the evolved deep radiomic sequencer (EDRS) discovered via the
proposed evolutionary deep radiomic sequencer discovery framework against
state-of-the-art radiomics-driven and discovery radiomics methods using
clinical lung CT data with pathologically-proven diagnostic data from the
LIDC-IDRI dataset. The evolved deep radiomic sequencer shows improved
sensitivity (93.42%), specificity (82.39%), and diagnostic accuracy (88.78%)
relative to previous radiomics approaches.
|
Collaborative Descriptors: Convolutional Maps for Preprocessing | The paper presents a novel concept for collaborative descriptors between
deeply learned and hand-crafted features. To achieve this concept, we apply
convolutional maps for pre-processing, namely the convovlutional maps are used
as input of hand-crafted features. We recorded an increase in the performance
rate of +17.06 % (multi-class object recognition) and +24.71 % (car detection)
from grayscale input to convolutional maps. Although the framework is
straight-forward, the concept should be inherited for an improved
representation.
|
An initialization method for the k-means using the concept of useful
nearest centers | The aim of the k-means is to minimize squared sum of Euclidean distance from
the mean (SSEDM) of each cluster. The k-means can effectively optimize this
function, but it is too sensitive for initial centers (seeds). This paper
proposed a method for initialization of the k-means using the concept of useful
nearest center for each data point.
|
Inferring and Executing Programs for Visual Reasoning | Existing methods for visual reasoning attempt to directly map inputs to
outputs using black-box architectures without explicitly modeling the
underlying reasoning processes. As a result, these black-box models often learn
to exploit biases in the data rather than learning to perform visual reasoning.
Inspired by module networks, this paper proposes a model for visual reasoning
that consists of a program generator that constructs an explicit representation
of the reasoning process to be performed, and an execution engine that executes
the resulting program to produce an answer. Both the program generator and the
execution engine are implemented by neural networks, and are trained using a
combination of backpropagation and REINFORCE. Using the CLEVR benchmark for
visual reasoning, we show that our model significantly outperforms strong
baselines and generalizes better in a variety of settings.
|
Deep Speaker Feature Learning for Text-independent Speaker Verification | Recently deep neural networks (DNNs) have been used to learn speaker
features. However, the quality of the learned features is not sufficiently
good, so a complex back-end model, either neural or probabilistic, has to be
used to address the residual uncertainty when applied to speaker verification,
just as with raw features. This paper presents a convolutional time-delay deep
neural network structure (CT-DNN) for speaker feature learning. Our
experimental results on the Fisher database demonstrated that this CT-DNN can
produce high-quality speaker features: even with a single feature (0.3 seconds
including the context), the EER can be as low as 7.68%. This effectively
confirmed that the speaker trait is largely a deterministic short-time property
rather than a long-time distributional pattern, and therefore can be extracted
from just dozens of frames.
|
Comments on the proof of adaptive submodular function minimization | We point out an issue with Theorem 5 appearing in "Group-based active query
selection for rapid diagnosis in time-critical situations". Theorem 5 bounds
the expected number of queries for a greedy algorithm to identify the class of
an item within a constant factor of optimal. The Theorem is based on
correctness of a result on minimization of adaptive submodular functions. We
present an example that shows that a critical step in Theorem A.11 of "Adaptive
Submodularity: Theory and Applications in Active Learning and Stochastic
Optimization" is incorrect.
|
Hybrid Isolation Forest - Application to Intrusion Detection | From the identification of a drawback in the Isolation Forest (IF) algorithm
that limits its use in the scope of anomaly detection, we propose two
extensions that allow to firstly overcome the previously mention limitation and
secondly to provide it with some supervised learning capability. The resulting
Hybrid Isolation Forest (HIF) that we propose is first evaluated on a synthetic
dataset to analyze the effect of the new meta-parameters that are introduced
and verify that the addressed limitation of the IF algorithm is effectively
overcame. We hen compare the two algorithms on the ISCX benchmark dataset, in
the context of a network intrusion detection application. Our experiments show
that HIF outperforms IF, but also challenges the 1-class and 2-classes SVM
baselines with computational efficiency.
|
Context Attentive Bandits: Contextual Bandit with Restricted Context | We consider a novel formulation of the multi-armed bandit model, which we
call the contextual bandit with restricted context, where only a limited number
of features can be accessed by the learner at every iteration. This novel
formulation is motivated by different online problems arising in clinical
trials, recommender systems and attention modeling. Herein, we adapt the
standard multi-armed bandit algorithm known as Thompson Sampling to take
advantage of our restricted context setting, and propose two novel algorithms,
called the Thompson Sampling with Restricted Context(TSRC) and the Windows
Thompson Sampling with Restricted Context(WTSRC), for handling stationary and
nonstationary environments, respectively. Our empirical results demonstrate
advantages of the proposed approaches on several real-life datasets
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.