title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
CLEVR: A Diagnostic Dataset for Compositional Language and Elementary
Visual Reasoning | When building artificial intelligence systems that can reason and answer
questions about visual data, we need diagnostic tests to analyze our progress
and discover shortcomings. Existing benchmarks for visual question answering
can help, but have strong biases that models can exploit to correctly answer
questions without reasoning. They also conflate multiple sources of error,
making it hard to pinpoint model weaknesses. We present a diagnostic dataset
that tests a range of visual reasoning abilities. It contains minimal biases
and has detailed annotations describing the kind of reasoning each question
requires. We use this dataset to analyze a variety of modern visual reasoning
systems, providing novel insights into their abilities and limitations.
|
Personalized Video Recommendation Using Rich Contents from Videos | Video recommendation has become an essential way of helping people explore
the massive videos and discover the ones that may be of interest to them. In
the existing video recommender systems, the models make the recommendations
based on the user-video interactions and single specific content features. When
the specific content features are unavailable, the performance of the existing
models will seriously deteriorate. Inspired by the fact that rich contents
(e.g., text, audio, motion, and so on) exist in videos, in this paper, we
explore how to use these rich contents to overcome the limitations caused by
the unavailability of the specific ones. Specifically, we propose a novel
general framework that incorporates arbitrary single content feature with
user-video interactions, named as collaborative embedding regression (CER)
model, to make effective video recommendation in both in-matrix and
out-of-matrix scenarios. Our extensive experiments on two real-world
large-scale datasets show that CER beats the existing recommender models with
any single content feature and is more time efficient. In addition, we propose
a priority-based late fusion (PRI) method to gain the benefit brought by the
integrating the multiple content features. The corresponding experiment shows
that PRI brings real performance improvement to the baseline and outperforms
the existing fusion methods.
|
Robust Learning with Kernel Mean p-Power Error Loss | Correntropy is a second order statistical measure in kernel space, which has
been successfully applied in robust learning and signal processing. In this
paper, we define a nonsecond order statistical measure in kernel space, called
the kernel mean-p power error (KMPE), including the correntropic loss (CLoss)
as a special case. Some basic properties of KMPE are presented. In particular,
we apply the KMPE to extreme learning machine (ELM) and principal component
analysis (PCA), and develop two robust learning algorithms, namely ELM-KMPE and
PCA-KMPE. Experimental results on synthetic and benchmark data show that the
developed algorithms can achieve consistently better performance when compared
with some existing methods.
|
An Empirical Study of Language CNN for Image Captioning | Language Models based on recurrent neural networks have dominated recent
image caption generation tasks. In this paper, we introduce a Language CNN
model which is suitable for statistical language modeling tasks and shows
competitive performance in image captioning. In contrast to previous models
which predict next word based on one previous word and hidden state, our
language CNN is fed with all the previous words and can model the long-range
dependencies of history words, which are critical for image captioning. The
effectiveness of our approach is validated on two datasets MS COCO and
Flickr30K. Our extensive experimental results show that our method outperforms
the vanilla recurrent neural network based language models and is competitive
with the state-of-the-art methods.
|
Classification and Learning-to-rank Approaches for Cross-Device Matching
at CIKM Cup 2016 | In this paper, we propose two methods for tackling the problem of
cross-device matching for online advertising at CIKM Cup 2016. The first method
considers the matching problem as a binary classification task and solve it by
utilizing ensemble learning techniques. The second method defines the matching
problem as a ranking task and effectively solve it with using learning-to-rank
algorithms. The results show that the proposed methods obtain promising
results, in which the ranking-based method outperforms the classification-based
method for the task.
|
FINN: A Framework for Fast, Scalable Binarized Neural Network Inference | Research has shown that convolutional neural networks contain significant
redundancy, and high classification accuracy can be obtained even when weights
and activations are reduced from floating point to binary values. In this
paper, we present FINN, a framework for building fast and flexible FPGA
accelerators using a flexible heterogeneous streaming architecture. By
utilizing a novel set of optimizations that enable efficient mapping of
binarized neural networks to hardware, we implement fully connected,
convolutional and pooling layers, with per-layer compute resources being
tailored to user-provided throughput requirements. On a ZC706 embedded FPGA
platform drawing less than 25 W total system power, we demonstrate up to 12.3
million image classifications per second with 0.31 {\mu}s latency on the MNIST
dataset with 95.8% accuracy, and 21906 image classifications per second with
283 {\mu}s latency on the CIFAR-10 and SVHN datasets with respectively 80.1%
and 94.9% accuracy. To the best of our knowledge, ours are the fastest
classification rates reported to date on these benchmarks.
|
A Survey of Deep Network Solutions for Learning Control in Robotics:
From Reinforcement to Imitation | Deep learning techniques have been widely applied, achieving state-of-the-art
results in various fields of study. This survey focuses on deep learning
solutions that target learning control policies for robotics applications. We
carry out our discussions on the two main paradigms for learning control with
deep networks: deep reinforcement learning and imitation learning. For deep
reinforcement learning (DRL), we begin from traditional reinforcement learning
algorithms, showing how they are extended to the deep context and effective
mechanisms that could be added on top of the DRL algorithms. We then introduce
representative works that utilize DRL to solve navigation and manipulation
tasks in robotics. We continue our discussion on methods addressing the
challenge of the reality gap for transferring DRL policies trained in
simulation to real-world scenarios, and summarize robotics simulation platforms
for conducting DRL research. For imitation leaning, we go through its three
main categories, behavior cloning, inverse reinforcement learning and
generative adversarial imitation learning, by introducing their formulations
and their corresponding robotics applications. Finally, we discuss the open
challenges and research frontiers.
|
Robust Classification of Graph-Based Data | A graph-based classification method is proposed for semi-supervised learning
in the case of Euclidean data and for classification in the case of graph data.
Our manifold learning technique is based on a convex optimization problem
involving a convex quadratic regularization term and a concave quadratic loss
function with a trade-off parameter carefully chosen so that the objective
function remains convex. As shown empirically, the advantage of considering a
concave loss function is that the learning problem becomes more robust in the
presence of noisy labels. Furthermore, the loss function considered here is
then more similar to a classification loss while several other methods treat
graph-based classification problems as regression problems.
|
Collaborative Filtering with User-Item Co-Autoregressive Models | Deep neural networks have shown promise in collaborative filtering (CF).
However, existing neural approaches are either user-based or item-based, which
cannot leverage all the underlying information explicitly. We propose CF-UIcA,
a neural co-autoregressive model for CF tasks, which exploits the structural
correlation in the domains of both users and items. The co-autoregression
allows extra desired properties to be incorporated for different tasks.
Furthermore, we develop an efficient stochastic learning algorithm to handle
large scale datasets. We evaluate CF-UIcA on two popular benchmarks: MovieLens
1M and Netflix, and achieve state-of-the-art performance in both rating
prediction and top-N recommendation tasks, which demonstrates the effectiveness
of CF-UIcA.
|
Multi-Agent Cooperation and the Emergence of (Natural) Language | The current mainstream approach to train natural language systems is to
expose them to large amounts of text. This passive learning is problematic if
we are interested in developing interactive machines, such as conversational
agents. We propose a framework for language learning that relies on multi-agent
communication. We study this learning in the context of referential games. In
these games, a sender and a receiver see a pair of images. The sender is told
one of them is the target and is allowed to send a message from a fixed,
arbitrary vocabulary to the receiver. The receiver must rely on this message to
identify the target. Thus, the agents develop their own language interactively
out of the need to communicate. We show that two networks with simple
configurations are able to learn to coordinate in the referential game. We
further explore how to make changes to the game environment to cause the "word
meanings" induced in the game to better reflect intuitive semantic properties
of the images. In addition, we present a simple strategy for grounding the
agents' code into natural language. Both of these are necessary steps towards
developing machines that are able to communicate with humans productively.
|
Bayesian Decision Process for Cost-Efficient Dynamic Ranking via
Crowdsourcing | Rank aggregation based on pairwise comparisons over a set of items has a wide
range of applications. Although considerable research has been devoted to the
development of rank aggregation algorithms, one basic question is how to
efficiently collect a large amount of high-quality pairwise comparisons for the
ranking purpose. Because of the advent of many crowdsourcing services, a crowd
of workers are often hired to conduct pairwise comparisons with a small
monetary reward for each pair they compare. Since different workers have
different levels of reliability and different pairs have different levels of
ambiguity, it is desirable to wisely allocate the limited budget for
comparisons among the pairs of items and workers so that the global ranking can
be accurately inferred from the comparison results. To this end, we model the
active sampling problem in crowdsourced ranking as a Bayesian Markov decision
process, which dynamically selects item pairs and workers to improve the
ranking accuracy under a budget constraint. We further develop a
computationally efficient sampling policy based on knowledge gradient as well
as a moment matching technique for posterior approximation. Experimental
evaluations on both synthetic and real data show that the proposed policy
achieves high ranking accuracy with a lower labeling cost.
|
Loss is its own Reward: Self-Supervision for Reinforcement Learning | Reinforcement learning optimizes policies for expected cumulative reward.
Need the supervision be so narrow? Reward is delayed and sparse for many tasks,
making it a difficult and impoverished signal for end-to-end optimization. To
augment reward, we consider a range of self-supervised tasks that incorporate
states, actions, and successors to provide auxiliary losses. These losses offer
ubiquitous and instantaneous supervision for representation learning even in
the absence of reward. While current results show that learning from reward
alone is feasible, pure reinforcement learning methods are constrained by
computational and data efficiency issues that can be remedied by auxiliary
losses. Self-supervised pre-training and joint optimization improve the data
efficiency and policy returns of end-to-end reinforcement learning.
|
Distributed Dictionary Learning | The paper studies distributed Dictionary Learning (DL) problems where the
learning task is distributed over a multi-agent network with time-varying
(nonsymmetric) connectivity. This formulation is relevant, for instance, in
big-data scenarios where massive amounts of data are collected/stored in
different spatial locations and it is unfeasible to aggregate and/or process
all the data in a fusion center, due to resource limitations, communication
overhead or privacy considerations. We develop a general distributed
algorithmic framework for the (nonconvex) DL problem and establish its
asymptotic convergence. The new method hinges on Successive Convex
Approximation (SCA) techniques coupled with i) a gradient tracking mechanism
instrumental to locally estimate the missing global information; and ii) a
consensus step, as a mechanism to distribute the computations among the agents.
To the best of our knowledge, this is the first distributed algorithm with
provable convergence for the DL problem and, more in general, bi-convex
optimization problems over (time-varying) directed graphs.
|
Detecting Unusual Input-Output Associations in Multivariate Conditional
Data | Despite tremendous progress in outlier detection research in recent years,
the majority of existing methods are designed only to detect unconditional
outliers that correspond to unusual data patterns expressed in the joint space
of all data attributes. Such methods are not applicable when we seek to detect
conditional outliers that reflect unusual responses associated with a given
context or condition. This work focuses on multivariate conditional outlier
detection, a special type of the conditional outlier detection problem, where
data instances consist of multi-dimensional input (context) and output
(responses) pairs. We present a novel outlier detection framework that
identifies abnormal input-output associations in data with the help of a
decomposable conditional probabilistic model that is learned from all data
instances. Since components of this model can vary in their quality, we combine
them with the help of weights reflecting their reliability in assessment of
outliers. We study two ways of calculating the component weights: global that
relies on all data, and local that relies only on instances similar to the
target instance. Experimental results on data from various domains demonstrate
the ability of our framework to successfully identify multivariate conditional
outliers.
|
Microstructure Representation and Reconstruction of Heterogeneous
Materials via Deep Belief Network for Computational Material Design | Integrated Computational Materials Engineering (ICME) aims to accelerate
optimal design of complex material systems by integrating material science and
design automation. For tractable ICME, it is required that (1) a structural
feature space be identified to allow reconstruction of new designs, and (2) the
reconstruction process be property-preserving. The majority of existing
structural presentation schemes rely on the designer's understanding of
specific material systems to identify geometric and statistical features, which
could be biased and insufficient for reconstructing physically meaningful
microstructures of complex material systems. In this paper, we develop a
feature learning mechanism based on convolutional deep belief network to
automate a two-way conversion between microstructures and their
lower-dimensional feature representations, and to achieves a 1000-fold
dimension reduction from the microstructure space. The proposed model is
applied to a wide spectrum of heterogeneous material systems with distinct
microstructural features including Ti-6Al-4V alloy, Pb63-Sn37 alloy,
Fontainebleau sandstone, and Spherical colloids, to produce material
reconstructions that are close to the original samples with respect to 2-point
correlation functions and mean critical fracture strength. This capability is
not achieved by existing synthesis methods that rely on the Markovian
assumption of material microstructures.
|
A Context-aware Attention Network for Interactive Question Answering | Neural network based sequence-to-sequence models in an encoder-decoder
framework have been successfully applied to solve Question Answering (QA)
problems, predicting answers from statements and questions. However, almost all
previous models have failed to consider detailed context information and
unknown states under which systems do not have enough information to answer
given questions. These scenarios with incomplete or ambiguous information are
very common in the setting of Interactive Question Answering (IQA). To address
this challenge, we develop a novel model, employing context-dependent
word-level attention for more accurate statement representations and
question-guided sentence-level attention for better context modeling. We also
generate unique IQA datasets to test our model, which will be made publicly
available. Employing these attention mechanisms, our model accurately
understands when it can output an answer or when it requires generating a
supplementary question for additional input depending on different contexts.
When available, user's feedback is encoded and directly applied to update
sentence-level attention to infer an answer. Extensive experiments on QA and
IQA datasets quantitatively demonstrate the effectiveness of our model with
significant improvement over state-of-the-art conventional QA models.
|
How to Train Your Deep Neural Network with Dictionary Learning | Currently there are two predominant ways to train deep neural networks. The
first one uses restricted Boltzmann machine (RBM) and the second one
autoencoders. RBMs are stacked in layers to form deep belief network (DBN); the
final representation layer is attached to the target to complete the deep
neural network. Autoencoders are nested one inside the other to form stacked
autoencoders; once the stcaked autoencoder is learnt the decoder portion is
detached and the target attached to the deepest layer of the encoder to form
the deep neural network. This work proposes a new approach to train deep neural
networks using dictionary learning as the basic building block; the idea is to
use the features from the shallower layer as inputs for training the next
deeper layer. One can use any type of dictionary learning (unsupervised,
supervised, discriminative etc.) as basic units till the pre-final layer. In
the final layer one needs to use the label consistent dictionary learning
formulation for classification. We compare our proposed framework with existing
state-of-the-art deep learning techniques on benchmark problems; we are always
within the top 10 results. In actual problems of age and gender classification,
we are better than the best known techniques.
|
On Coreset Constructions for the Fuzzy $K$-Means Problem | The fuzzy $K$-means problem is a popular generalization of the well-known
$K$-means problem to soft clusterings. We present the first coresets for fuzzy
$K$-means with size linear in the dimension, polynomial in the number of
clusters, and poly-logarithmic in the number of points. We show that these
coresets can be employed in the computation of a $(1+\epsilon)$-approximation
for fuzzy $K$-means, improving previously presented results. We further show
that our coresets can be maintained in an insertion-only streaming setting,
where data points arrive one-by-one.
|
Robustness of Voice Conversion Techniques Under Mismatched Conditions | Most of the existing studies on voice conversion (VC) are conducted in
acoustically matched conditions between source and target signal. However, the
robustness of VC methods in presence of mismatch remains unknown. In this
paper, we report a comparative analysis of different VC techniques under
mismatched conditions. The extensive experiments with five different VC
techniques on CMU ARCTIC corpus suggest that performance of VC methods
substantially degrades in noisy conditions. We have found that bilinear
frequency warping with amplitude scaling (BLFWAS) outperforms other methods in
most of the noisy conditions. We further explore the suitability of different
speech enhancement techniques for robust conversion. The objective evaluation
results indicate that spectral subtraction and log minimum mean square error
(logMMSE) based speech enhancement techniques can be used to improve the
performance in specific noisy conditions.
|
Non-Deterministic Policy Improvement Stabilizes Approximated
Reinforcement Learning | This paper investigates a type of instability that is linked to the greedy
policy improvement in approximated reinforcement learning. We show empirically
that non-deterministic policy improvement can stabilize methods like LSPI by
controlling the improvements' stochasticity. Additionally we show that a
suitable representation of the value function also stabilizes the solution to
some degree. The presented approach is simple and should also be easily
transferable to more sophisticated algorithms like deep reinforcement learning.
|
On the function approximation error for risk-sensitive reinforcement
learning | In this paper we obtain several informative error bounds on function
approximation for the policy evaluation algorithm proposed by Basu et al. when
the aim is to find the risk-sensitive cost represented using exponential
utility. The main idea is to use classical Bapat's inequality and to use
Perron-Frobenius eigenvectors (exists if we assume irreducible Markov chain) to
get the new bounds. The novelty of our approach is that we use the
irreduciblity of Markov chain to get the new bounds whereas the earlier work by
Basu et al. used spectral variation bound which is true for any matrix. We also
give examples where all our bounds achieve the "actual error" whereas the
earlier bound given by Basu et al. is much weaker in comparison. We show that
this happens due to the absence of difference term in the earlier bound which
is always present in all our bounds when the state space is large.
Additionally, we discuss how all our bounds compare with each other. As a
corollary of our main result we provide a bound between largest eigenvalues of
two irreducibile matrices in terms of the matrix entries.
|
Finding Statistically Significant Attribute Interactions | In many data exploration tasks it is meaningful to identify groups of
attribute interactions that are specific to a variable of interest. For
instance, in a dataset where the attributes are medical markers and the
variable of interest (class variable) is binary indicating presence/absence of
disease, we would like to know which medical markers interact with respect to
the binary class label. These interactions are useful in several practical
applications, for example, to gain insight into the structure of the data, in
feature selection, and in data anonymisation. We present a novel method, based
on statistical significance testing, that can be used to verify if the data set
has been created by a given factorised class-conditional joint distribution,
where the distribution is parametrised by a partition of its attributes.
Furthermore, we provide a method, named ASTRID, for automatically finding a
partition of attributes describing the distribution that has generated the
data. State-of-the-art classifiers are utilised to capture the interactions
present in the data by systematically breaking attribute interactions and
observing the effect of this breaking on classifier performance. We empirically
demonstrate the utility of the proposed method with examples using real and
synthetic data.
|
Deep Learning and Its Applications to Machine Health Monitoring: A
Survey | Since 2006, deep learning (DL) has become a rapidly growing research
direction, redefining state-of-the-art performances in a wide range of areas
such as object recognition, image segmentation, speech recognition and machine
translation. In modern manufacturing systems, data-driven machine health
monitoring is gaining in popularity due to the widespread deployment of
low-cost sensors and their connection to the Internet. Meanwhile, deep learning
provides useful tools for processing and analyzing these big machinery data.
The main purpose of this paper is to review and summarize the emerging research
work of deep learning on machine health monitoring. After the brief
introduction of deep learning techniques, the applications of deep learning in
machine health monitoring systems are reviewed mainly from the following
aspects: Auto-encoder (AE) and its variants, Restricted Boltzmann Machines and
its variants including Deep Belief Network (DBN) and Deep Boltzmann Machines
(DBM), Convolutional Neural Networks (CNN) and Recurrent Neural Networks (RNN).
Finally, some new trends of DL-based machine health monitoring methods are
discussed.
|
Structured Sequence Modeling with Graph Convolutional Recurrent Networks | This paper introduces Graph Convolutional Recurrent Network (GCRN), a deep
learning model able to predict structured sequences of data. Precisely, GCRN is
a generalization of classical recurrent neural networks (RNN) to data
structured by an arbitrary graph. Such structured sequences can represent
series of frames in videos, spatio-temporal measurements on a network of
sensors, or random walks on a vocabulary graph for natural language modeling.
The proposed model combines convolutional neural networks (CNN) on graphs to
identify spatial structures and RNN to find dynamic patterns. We study two
possible architectures of GCRN, and apply the models to two practical problems:
predicting moving MNIST data, and modeling natural language with the Penn
Treebank dataset. Experiments show that exploiting simultaneously graph spatial
and dynamic information about data can improve both precision and learning
speed.
|
Stacking machine learning classifiers to identify Higgs bosons at the
LHC | Machine learning (ML) algorithms have been employed in the problem of
classifying signal and background events with high accuracy in particle
physics. In this paper, we compare the performance of a widespread ML
technique, namely, \emph{stacked generalization}, against the results of two
state-of-art algorithms: (1) a deep neural network (DNN) in the task of
discovering a new neutral Higgs boson and (2) a scalable machine learning
system for tree boosting, in the Standard Model Higgs to tau leptons channel,
both at the 8 TeV LHC. In a cut-and-count analysis, \emph{stacking} three
algorithms performed around 16\% worse than DNN but demanding far less
computation efforts, however, the same \emph{stacking} outperforms boosted
decision trees. Using the stacked classifiers in a multivariate statistical
analysis (MVA), on the other hand, significantly enhances the statistical
significance compared to cut-and-count in both Higgs processes, suggesting that
combining an ensemble of simpler and faster ML algorithms with MVA tools is a
better approach than building a complex state-of-art algorithm for
cut-and-count.
|
Highway and Residual Networks learn Unrolled Iterative Estimation | The past year saw the introduction of new architectures such as Highway
networks and Residual networks which, for the first time, enabled the training
of feedforward networks with dozens to hundreds of layers using simple gradient
descent. While depth of representation has been posited as a primary reason for
their success, there are indications that these architectures defy a popular
view of deep learning as a hierarchical computation of increasingly abstract
features at each layer.
In this report, we argue that this view is incomplete and does not adequately
explain several recent findings. We propose an alternative viewpoint based on
unrolled iterative estimation -- a group of successive layers iteratively
refine their estimates of the same features instead of computing an entirely
new representation. We demonstrate that this viewpoint directly leads to the
construction of Highway and Residual networks. Finally we provide preliminary
experiments to discuss the similarities and differences between the two
architectures.
|
Logic-based Clustering and Learning for Time-Series Data | To effectively analyze and design cyberphysical systems (CPS), designers
today have to combat the data deluge problem, i.e., the burden of processing
intractably large amounts of data produced by complex models and experiments.
In this work, we utilize monotonic Parametric Signal Temporal Logic (PSTL) to
design features for unsupervised classification of time series data. This
enables using off-the-shelf machine learning tools to automatically cluster
similar traces with respect to a given PSTL formula. We demonstrate how this
technique produces interpretable formulas that are amenable to analysis and
understanding using a few representative examples. We illustrate this with case
studies related to automotive engine testing, highway traffic analysis, and
auto-grading massively open online courses.
|
Learning from Simulated and Unsupervised Images through Adversarial
Training | With recent progress in graphics, it has become more tractable to train
models on synthetic images, potentially avoiding the need for expensive
annotations. However, learning from synthetic images may not achieve the
desired performance due to a gap between synthetic and real image
distributions. To reduce this gap, we propose Simulated+Unsupervised (S+U)
learning, where the task is to learn a model to improve the realism of a
simulator's output using unlabeled real data, while preserving the annotation
information from the simulator. We develop a method for S+U learning that uses
an adversarial network similar to Generative Adversarial Networks (GANs), but
with synthetic images as inputs instead of random vectors. We make several key
modifications to the standard GAN algorithm to preserve annotations, avoid
artifacts, and stabilize training: (i) a 'self-regularization' term, (ii) a
local adversarial loss, and (iii) updating the discriminator using a history of
refined images. We show that this enables generation of highly realistic
images, which we demonstrate both qualitatively and with a user study. We
quantitatively evaluate the generated images by training models for gaze
estimation and hand pose estimation. We show a significant improvement over
using synthetic images, and achieve state-of-the-art results on the MPIIGaze
dataset without any labeled real data.
|
"What is Relevant in a Text Document?": An Interpretable Machine
Learning Approach | Text documents can be described by a number of abstract concepts such as
semantic category, writing style, or sentiment. Machine learning (ML) models
have been trained to automatically map documents to these abstract concepts,
allowing to annotate very large text collections, more than could be processed
by a human in a lifetime. Besides predicting the text's category very
accurately, it is also highly desirable to understand how and why the
categorization process takes place. In this paper, we demonstrate that such
understanding can be achieved by tracing the classification decision back to
individual words using layer-wise relevance propagation (LRP), a recently
developed technique for explaining predictions of complex non-linear
classifiers. We train two word-based ML models, a convolutional neural network
(CNN) and a bag-of-words SVM classifier, on a topic categorization task and
adapt the LRP method to decompose the predictions of these models onto words.
Resulting scores indicate how much individual words contribute to the overall
classification decision. This enables one to distill relevant information from
text documents without an explicit semantic information extraction step. We
further use the word-wise relevance scores for generating novel vector-based
document representations which capture semantic information. Based on these
document vectors, we introduce a measure of model explanatory power and show
that, although the SVM and CNN models perform similarly in terms of
classification accuracy, the latter exhibits a higher level of explainability
which makes it more comprehensible for humans and potentially more useful for
other applications.
|
Human Action Attribute Learning From Video Data Using Low-Rank
Representations | Representation of human actions as a sequence of human body movements or
action attributes enables the development of models for human activity
recognition and summarization. We present an extension of the low-rank
representation (LRR) model, termed the clustering-aware structure-constrained
low-rank representation (CS-LRR) model, for unsupervised learning of human
action attributes from video data. Our model is based on the union-of-subspaces
(UoS) framework, and integrates spectral clustering into the LRR optimization
problem for better subspace clustering results. We lay out an efficient linear
alternating direction method to solve the CS-LRR optimization problem. We also
introduce a hierarchical subspace clustering approach, termed hierarchical
CS-LRR, to learn the attributes without the need for a priori specification of
their number. By visualizing and labeling these action attributes, the
hierarchical model can be used to semantically summarize long video sequences
of human actions at multiple resolutions. A human action or activity can also
be uniquely represented as a sequence of transitions from one action attribute
to another, which can then be used for human action recognition. We demonstrate
the effectiveness of the proposed model for semantic summarization and action
recognition through comprehensive experiments on five real-world human action
datasets.
|
A Base Camp for Scaling AI | Modern statistical machine learning (SML) methods share a major limitation
with the early approaches to AI: there is no scalable way to adapt them to new
domains. Human learning solves this in part by leveraging a rich, shared,
updateable world model. Such scalability requires modularity: updating part of
the world model should not impact unrelated parts. We have argued that such
modularity will require both "correctability" (so that errors can be corrected
without introducing new errors) and "interpretability" (so that we can
understand what components need correcting).
To achieve this, one could attempt to adapt state of the art SML systems to
be interpretable and correctable; or one could see how far the simplest
possible interpretable, correctable learning methods can take us, and try to
control the limitations of SML methods by applying them only where needed. Here
we focus on the latter approach and we investigate two main ideas: "Teacher
Assisted Learning", which leverages crowd sourcing to learn language; and
"Factored Dialog Learning", which factors the process of application
development into roles where the language competencies needed are isolated,
enabling non-experts to quickly create new applications.
We test these ideas in an "Automated Personal Assistant" (APA) setting, with
two scenarios: that of detecting user intent from a user-APA dialog; and that
of creating a class of event reminder applications, where a non-expert
"teacher" can then create specific apps. For the intent detection task, we use
a dataset of a thousand labeled utterances from user dialogs with Cortana, and
we show that our approach matches state of the art SML methods, but in addition
provides full transparency: the whole (editable) model can be summarized on one
human-readable page. For the reminder app task, we ran small user studies to
verify the efficacy of the approach.
|
Supervised Opinion Aspect Extraction by Exploiting Past Extraction
Results | One of the key tasks of sentiment analysis of product reviews is to extract
product aspects or features that users have expressed opinions on. In this
work, we focus on using supervised sequence labeling as the base approach to
performing the task. Although several extraction methods using sequence
labeling methods such as Conditional Random Fields (CRF) and Hidden Markov
Models (HMM) have been proposed, we show that this supervised approach can be
significantly improved by exploiting the idea of concept sharing across
multiple domains. For example, "screen" is an aspect in iPhone, but not only
iPhone has a screen, many electronic devices have screens too. When "screen"
appears in a review of a new domain (or product), it is likely to be an aspect
too. Knowing this information enables us to do much better extraction in the
new domain. This paper proposes a novel extraction method exploiting this idea
in the context of supervised sequence labeling. Experimental results show that
it produces markedly better results than without using the past information.
|
DeMIAN: Deep Modality Invariant Adversarial Network | Obtaining common representations from different modalities is important in
that they are interchangeable with each other in a classification problem. For
example, we can train a classifier on image features in the common
representations and apply it to the testing of the text features in the
representations. Existing multi-modal representation learning methods mainly
aim to extract rich information from paired samples and train a classifier by
the corresponding labels; however, collecting paired samples and their labels
simultaneously involves high labor costs. Addressing paired modal samples
without their labels and single modal data with their labels independently is
much easier than addressing labeled multi-modal data. To obtain the common
representations under such a situation, we propose to make the distributions
over different modalities similar in the learned representations, namely
modality-invariant representations. In particular, we propose a novel algorithm
for modality-invariant representation learning, named Deep Modality Invariant
Adversarial Network (DeMIAN), which utilizes the idea of Domain Adaptation
(DA). Using the modality-invariant representations learned by DeMIAN, we
achieved better classification accuracy than with the state-of-the-art methods,
especially for some benchmark datasets of zero-shot learning.
|
RSSL: Semi-supervised Learning in R | In this paper, we introduce a package for semi-supervised learning research
in the R programming language called RSSL. We cover the purpose of the package,
the methods it includes and comment on their use and implementation. We then
show, using several code examples, how the package can be used to replicate
well-known results from the semi-supervised learning literature.
|
Constructing Effective Personalized Policies Using Counterfactual
Inference from Biased Data Sets with Many Features | This paper proposes a novel approach for constructing effective personalized
policies when the observed data lacks counter-factual information, is biased
and possesses many features. The approach is applicable in a wide variety of
settings from healthcare to advertising to education to finance. These settings
have in common that the decision maker can observe, for each previous instance,
an array of features of the instance, the action taken in that instance, and
the reward realized -- but not the rewards of actions that were not taken: the
counterfactual information. Learning in such settings is made even more
difficult because the observed data is typically biased by the existing policy
(that generated the data) and because the array of features that might affect
the reward in a particular instance -- and hence should be taken into account
in deciding on an action in each particular instance -- is often vast. The
approach presented here estimates propensity scores for the observed data,
infers counterfactuals, identifies a (relatively small) number of features that
are (most) relevant for each possible action and instance, and prescribes a
policy to be followed. Comparison of the proposed algorithm against the
state-of-art algorithm on actual datasets demonstrates that the proposed
algorithm achieves a significant improvement in performance.
|
On Spectral Analysis of Directed Signed Graphs | It has been shown that the adjacency eigenspace of a network contains key
information of its underlying structure. However, there has been no study on
spectral analysis of the adjacency matrices of directed signed graphs. In this
paper, we derive theoretical approximations of spectral projections from such
directed signed networks using matrix perturbation theory. We use the derived
theoretical results to study the influences of negative intra cluster and inter
cluster directed edges on node spectral projections. We then develop a spectral
clustering based graph partition algorithm, SC-DSG, and conduct evaluations on
both synthetic and real datasets. Both theoretical analysis and empirical
evaluation demonstrate the effectiveness of the proposed algorithm.
|
Image-Text Multi-Modal Representation Learning by Adversarial
Backpropagation | We present novel method for image-text multi-modal representation learning.
In our knowledge, this work is the first approach of applying adversarial
learning concept to multi-modal learning and not exploiting image-text pair
information to learn multi-modal feature. We only use category information in
contrast with most previous methods using image-text pair information for
multi-modal embedding. In this paper, we show that multi-modal feature can be
achieved without image-text pair information and our method makes more similar
distribution with image and text in multi-modal feature space than other
methods which use image-text pair information. And we show our multi-modal
feature has universal semantic information, even though it was trained for
category prediction. Our model is end-to-end backpropagation, intuitive and
easily extended to other multi-modal learning work.
|
Clustering Algorithms: A Comparative Approach | Many real-world systems can be studied in terms of pattern recognition tasks,
so that proper use (and understanding) of machine learning methods in practical
applications becomes essential. While a myriad of classification methods have
been proposed, there is no consensus on which methods are more suitable for a
given dataset. As a consequence, it is important to comprehensively compare
methods in many possible scenarios. In this context, we performed a systematic
comparison of 7 well-known clustering methods available in the R language. In
order to account for the many possible variations of data, we considered
artificial datasets with several tunable properties (number of classes,
separation between classes, etc). In addition, we also evaluated the
sensitivity of the clustering methods with regard to their parameters
configuration. The results revealed that, when considering the default
configurations of the adopted methods, the spectral approach usually
outperformed the other clustering algorithms. We also found that the default
configuration of the adopted implementations was not accurate. In these cases,
a simple approach based on random selection of parameters values proved to be a
good alternative to improve the performance. All in all, the reported approach
provides subsidies guiding the choice of clustering algorithms.
|
Multi-Region Neural Representation: A novel model for decoding visual
stimuli in human brains | Multivariate Pattern (MVP) classification holds enormous potential for
decoding visual stimuli in the human brain by employing task-based fMRI data
sets. There is a wide range of challenges in the MVP techniques, i.e.
decreasing noise and sparsity, defining effective regions of interest (ROIs),
visualizing results, and the cost of brain studies. In overcoming these
challenges, this paper proposes a novel model of neural representation, which
can automatically detect the active regions for each visual stimulus and then
utilize these anatomical regions for visualizing and analyzing the functional
activities. Therefore, this model provides an opportunity for neuroscientists
to ask this question: what is the effect of a stimulus on each of the detected
regions instead of just study the fluctuation of voxels in the manually
selected ROIs. Moreover, our method introduces analyzing snapshots of brain
image for decreasing sparsity rather than using the whole of fMRI time series.
Further, a new Gaussian smoothing method is proposed for removing noise of
voxels in the level of ROIs. The proposed method enables us to combine
different fMRI data sets for reducing the cost of brain studies. Experimental
studies on 4 visual categories (words, consonants, objects and nonsense photos)
confirm that the proposed method achieves superior performance to
state-of-the-art methods.
|
Correlated signal inference by free energy exploration | The inference of correlated signal fields with unknown correlation structures
is of high scientific and technological relevance, but poses significant
conceptual and numerical challenges. To address these, we develop the
correlated signal inference (CSI) algorithm within information field theory
(IFT) and discuss its numerical implementation. To this end, we introduce the
free energy exploration (FrEE) strategy for numerical information field theory
(NIFTy) applications. The FrEE strategy is to let the mathematical structure of
the inference problem determine the dynamics of the numerical solver. FrEE uses
the Gibbs free energy formalism for all involved unknown fields and correlation
structures without marginalization of nuisance quantities. It thereby avoids
the complexity marginalization often impose to IFT equations. FrEE
simultaneously solves for the mean and the uncertainties of signal, nuisance,
and auxiliary fields, while exploiting any analytically calculable quantity.
Finally, FrEE uses a problem specific and self-tuning exploration strategy to
swiftly identify the optimal field estimates as well as their uncertainty maps.
For all estimated fields, properly weighted posterior samples drawn from their
exact, fully non-Gaussian distributions can be generated. Here, we develop the
FrEE strategies for the CSI of a normal, a log-normal, and a Poisson log-normal
IFT signal inference problem and demonstrate their performances via their NIFTy
implementations.
|
Unsupervised Learning for Computational Phenotyping | With large volumes of health care data comes the research area of
computational phenotyping, making use of techniques such as machine learning to
describe illnesses and other clinical concepts from the data itself. The
"traditional" approach of using supervised learning relies on a domain expert,
and has two main limitations: requiring skilled humans to supply correct labels
limits its scalability and accuracy, and relying on existing clinical
descriptions limits the sorts of patterns that can be found. For instance, it
may fail to acknowledge that a disease treated as a single condition may really
have several subtypes with different phenotypes, as seems to be the case with
asthma and heart disease. Some recent papers cite successes instead using
unsupervised learning. This shows great potential for finding patterns in
Electronic Health Records that would otherwise be hidden and that can lead to
greater understanding of conditions and treatments. This work implements a
method derived strongly from Lasko et al., but implements it in Apache Spark
and Python and generalizes it to laboratory time-series data in MIMIC-III. It
is released as an open-source tool for exploration, analysis, and
visualization, available at https://github.com/Hodapp87/mimic3_phenotyping
|
Randomized Block Frank-Wolfe for Convergent Large-Scale Learning | Owing to their low-complexity iterations, Frank-Wolfe (FW) solvers are well
suited for various large-scale learning tasks. When block-separable constraints
are present, randomized block FW (RB-FW) has been shown to further reduce
complexity by updating only a fraction of coordinate blocks per iteration. To
circumvent the limitations of existing methods, the present work develops step
sizes for RB-FW that enable a flexible selection of the number of blocks to
update per iteration while ensuring convergence and feasibility of the
iterates. To this end, convergence rates of RB-FW are established through
computational bounds on a primal sub-optimality measure and on the duality gap.
The novel bounds extend the existing convergence analysis, which only applies
to a step-size sequence that does not generally lead to feasible iterates.
Furthermore, two classes of step-size sequences that guarantee feasibility of
the iterates are also proposed to enhance flexibility in choosing decay rates.
The novel convergence results are markedly broadened to encompass also
nonconvex objectives, and further assert that RB-FW with exact line-search
reaches a stationary point at rate $\mathcal{O}(1/\sqrt{t})$. Performance of
RB-FW with different step sizes and number of blocks is demonstrated in two
applications, namely charging of electrical vehicles and structural support
vector machines. Extensive simulated tests demonstrate the performance
improvement of RB-FW relative to existing randomized single-block FW methods.
|
Steerable CNNs | It has long been recognized that the invariance and equivariance properties
of a representation are critically important for success in many vision tasks.
In this paper we present Steerable Convolutional Neural Networks, an efficient
and flexible class of equivariant convolutional networks. We show that
steerable CNNs achieve state of the art results on the CIFAR image
classification benchmark. The mathematical theory of steerable representations
reveals a type system in which any steerable representation is a composition of
elementary feature types, each one associated with a particular kind of
symmetry. We show how the parameter cost of a steerable filter bank depends on
the types of the input and output features, and show how to use this knowledge
to construct CNNs that utilize parameters effectively.
|
Theory-guided Data Science: A New Paradigm for Scientific Discovery from
Data | Data science models, although successful in a number of commercial domains,
have had limited applicability in scientific problems involving complex
physical phenomena. Theory-guided data science (TGDS) is an emerging paradigm
that aims to leverage the wealth of scientific knowledge for improving the
effectiveness of data science models in enabling scientific discovery. The
overarching vision of TGDS is to introduce scientific consistency as an
essential component for learning generalizable models. Further, by producing
scientifically interpretable models, TGDS aims to advance our scientific
understanding by discovering novel domain insights. Indeed, the paradigm of
TGDS has started to gain prominence in a number of scientific disciplines such
as turbulence modeling, material discovery, quantum chemistry, bio-medical
science, bio-marker discovery, climate science, and hydrology. In this paper,
we formally conceptualize the paradigm of TGDS and present a taxonomy of
research themes in TGDS. We describe several approaches for integrating domain
knowledge in different research themes using illustrative examples from
different disciplines. We also highlight some of the promising avenues of novel
research for realizing the full potential of theory-guided data science.
|
ASAP: Asynchronous Approximate Data-Parallel Computation | Emerging workloads, such as graph processing and machine learning are
approximate because of the scale of data involved and the stochastic nature of
the underlying algorithms. These algorithms are often distributed over multiple
machines using bulk-synchronous processing (BSP) or other synchronous
processing paradigms such as map-reduce. However, data parallel processing
primitives such as repeated barrier and reduce operations introduce high
synchronization overheads. Hence, many existing data-processing platforms use
asynchrony and staleness to improve data-parallel job performance. Often, these
systems simply change the synchronous communication to asynchronous between the
worker nodes in the cluster. This improves the throughput of data processing
but results in poor accuracy of the final output since different workers may
progress at different speeds and process inconsistent intermediate outputs.
In this paper, we present ASAP, a model that provides asynchronous and
approximate processing semantics for data-parallel computation. ASAP provides
fine-grained worker synchronization using NOTIFY-ACK semantics that allows
independent workers to run asynchronously. ASAP also provides stochastic reduce
that provides approximate but guaranteed convergence to the same result as an
aggregated all-reduce. In our results, we show that ASAP can reduce
synchronization costs and provides 2-10X speedups in convergence and up to 10X
savings in network costs for distributed machine learning applications and
provides strong convergence guarantees.
|
A Sparse Nonlinear Classifier Design Using AUC Optimization | AUC (Area under the ROC curve) is an important performance measure for
applications where the data is highly imbalanced. Learning to maximize AUC
performance is thus an important research problem. Using a max-margin based
surrogate loss function, AUC optimization problem can be approximated as a
pairwise rankSVM learning problem. Batch learning methods for solving the
kernelized version of this problem suffer from scalability and may not result
in sparse classifiers. Recent years have witnessed an increased interest in the
development of online or single-pass online learning algorithms that design a
classifier by maximizing the AUC performance. The AUC performance of nonlinear
classifiers, designed using online methods, is not comparable with that of
nonlinear classifiers designed using batch learning algorithms on many
real-world datasets. Motivated by these observations, we design a scalable
algorithm for maximizing AUC performance by greedily adding the required number
of basis functions into the classifier model. The resulting sparse classifiers
perform faster inference. Our experimental results show that the level of
sparsity achievable can be order of magnitude smaller than the Kernel RankSVM
model without affecting the AUC performance much.
|
Reproducible Pattern Recognition Research: The Case of Optimistic SSL | In this paper, we discuss the approaches we took and trade-offs involved in
making a paper on a conceptual topic in pattern recognition research fully
reproducible. We discuss our definition of reproducibility, the tools used, how
the analysis was set up, show some examples of alternative analyses the code
enables and discuss our views on reproducibility.
|
A Hybrid Both Filter and Wrapper Feature Selection Method for Microarray
Classification | Gene expression data is widely used in disease analysis and cancer diagnosis.
However, since gene expression data could contain thousands of genes
simultaneously, successful microarray classification is rather difficult.
Feature selection is an important pre-treatment for any classification process.
Selecting a useful gene subset as a classifier not only decreases the
computational time and cost, but also increases classification accuracy. In
this study, we applied the information gain method as a filter approach, and an
improved binary particle swarm optimization as a wrapper approach to implement
feature selection; selected gene subsets were used to evaluate the performance
of classification. Experimental results show that by employing the proposed
method fewer gene subsets needed to be selected and better classification
accuracy could be obtained.
|
Clustering with Confidence: Finding Clusters with Statistical Guarantees | Clustering is a widely used unsupervised learning method for finding
structure in the data. However, the resulting clusters are typically presented
without any guarantees on their robustness; slightly changing the used data
sample or re-running a clustering algorithm involving some stochastic component
may lead to completely different clusters. There is, hence, a need for
techniques that can quantify the instability of the generated clusters. In this
study, we propose a technique for quantifying the instability of a clustering
solution and for finding robust clusters, termed core clusters, which
correspond to clusters where the co-occurrence probability of each data item
within a cluster is at least $1 - \alpha$. We demonstrate how solving the core
clustering problem is linked to finding the largest maximal cliques in a graph.
We show that the method can be used with both clustering and classification
algorithms. The proposed method is tested on both simulated and real datasets.
The results show that the obtained clusters indeed meet the guarantees on
robustness.
|
Automatic Composition and Optimization of Multicomponent Predictive
Systems With an Extended Auto-WEKA | Composition and parameterization of multicomponent predictive systems (MCPSs)
consisting of chains of data transformation steps are a challenging task.
Auto-WEKA is a tool to automate the combined algorithm selection and
hyperparameter (CASH) optimization problem. In this paper, we extend the CASH
problem and Auto-WEKA to support the MCPS, including preprocessing steps for
both classification and regression tasks. We define the optimization problem in
which the search space consists of suitably parameterized Petri nets forming
the sought MCPS solutions. In the experimental analysis, we focus on examining
the impact of considerably extending the search space (from approximately
22,000 to 812 billion possible combinations of methods and categorical
hyperparameters). In a range of extensive experiments, three different
optimization strategies are used to automatically compose MCPSs for 21 publicly
available data sets. The diversity of the composed MCPSs found is an indication
that fully and automatically exploiting different combinations of data cleaning
and preprocessing techniques is possible and highly beneficial for different
predictive models. We also present the results on seven data sets from real
chemical production processes. Our findings can have a major impact on the
development of high-quality predictive models as well as their maintenance and
scalability aspects needed in modern applications and deployment scenarios.
|
Provable learning of Noisy-or Networks | Many machine learning applications use latent variable models to explain
structure in data, whereby visible variables (= coordinates of the given
datapoint) are explained as a probabilistic function of some hidden variables.
Finding parameters with the maximum likelihood is NP-hard even in very simple
settings. In recent years, provably efficient algorithms were nevertheless
developed for models with linear structures: topic models, mixture models,
hidden markov models, etc. These algorithms use matrix or tensor decomposition,
and make some reasonable assumptions about the parameters of the underlying
model.
But matrix or tensor decomposition seems of little use when the latent
variable model has nonlinearities. The current paper shows how to make
progress: tensor decomposition is applied for learning the single-layer {\em
noisy or} network, which is a textbook example of a Bayes net, and used for
example in the classic QMR-DT software for diagnosing which disease(s) a
patient may have by observing the symptoms he/she exhibits.
The technical novelty here, which should be useful in other settings in
future, is analysis of tensor decomposition in presence of systematic error
(i.e., where the noise/error is correlated with the signal, and doesn't
decrease as number of samples goes to infinity). This requires rethinking all
steps of tensor decomposition methods from the ground up.
For simplicity our analysis is stated assuming that the network parameters
were chosen from a probability distribution but the method seems more generally
applicable.
|
The Predictron: End-To-End Learning and Planning | One of the key challenges of artificial intelligence is to learn models that
are effective in the context of planning. In this document we introduce the
predictron architecture. The predictron consists of a fully abstract model,
represented by a Markov reward process, that can be rolled forward multiple
"imagined" planning steps. Each forward pass of the predictron accumulates
internal rewards and values over multiple planning depths. The predictron is
trained end-to-end so as to make these accumulated values accurately
approximate the true value function. We applied the predictron to procedurally
generated random mazes and a simulator for the game of pool. The predictron
yielded significantly more accurate predictions than conventional deep neural
network architectures.
|
The Pessimistic Limits and Possibilities of Margin-based Losses in
Semi-supervised Learning | Consider a classification problem where we have both labeled and unlabeled
data available. We show that for linear classifiers defined by convex
margin-based surrogate losses that are decreasing, it is impossible to
construct any semi-supervised approach that is able to guarantee an improvement
over the supervised classifier measured by this surrogate loss on the labeled
and unlabeled data. For convex margin-based loss functions that also increase,
we demonstrate safe improvements are possible.
|
Efficient iterative policy optimization | We tackle the issue of finding a good policy when the number of policy
updates is limited. This is done by approximating the expected policy reward as
a sequence of concave lower bounds which can be efficiently maximized,
drastically reducing the number of policy updates required to achieve good
performance. We also extend existing methods to negative rewards, enabling the
use of control variates.
|
A Deep Learning Approach To Multiple Kernel Fusion | Kernel fusion is a popular and effective approach for combining multiple
features that characterize different aspects of data. Traditional approaches
for Multiple Kernel Learning (MKL) attempt to learn the parameters for
combining the kernels through sophisticated optimization procedures. In this
paper, we propose an alternative approach that creates dense embeddings for
data using the kernel similarities and adopts a deep neural network
architecture for fusing the embeddings. In order to improve the effectiveness
of this network, we introduce the kernel dropout regularization strategy
coupled with the use of an expanded set of composition kernels. Experiment
results on a real-world activity recognition dataset show that the proposed
architecture is effective in fusing kernels and achieves state-of-the-art
performance.
|
Meta-Unsupervised-Learning: A supervised approach to unsupervised
learning | We introduce a new paradigm to investigate unsupervised learning, reducing
unsupervised learning to supervised learning. Specifically, we mitigate the
subjectivity in unsupervised decision-making by leveraging knowledge acquired
from prior, possibly heterogeneous, supervised learning tasks. We demonstrate
the versatility of our framework via comprehensive expositions and detailed
experiments on several unsupervised problems such as (a) clustering, (b)
outlier detection, and (c) similarity prediction under a common umbrella of
meta-unsupervised-learning. We also provide rigorous PAC-agnostic bounds to
establish the theoretical foundations of our framework, and show that our
framing of meta-clustering circumvents Kleinberg's impossibility theorem for
clustering.
|
Geometric descent method for convex composite minimization | In this paper, we extend the geometric descent method recently proposed by
Bubeck, Lee and Singh to tackle nonsmooth and strongly convex composite
problems. We prove that our proposed algorithm, dubbed geometric proximal
gradient method (GeoPG), converges with a linear rate $(1-1/\sqrt{\kappa})$ and
thus achieves the optimal rate among first-order methods, where $\kappa$ is the
condition number of the problem. Numerical results on linear regression and
logistic regression with elastic net regularization show that GeoPG compares
favorably with Nesterov's accelerated proximal gradient method, especially when
the problem is ill-conditioned.
|
Deep Learning and Hierarchal Generative Models | It is argued that deep learning is efficient for data that is generated from
hierarchal generative models. Examples of such generative models include
wavelet scattering networks, functions of compositional structure, and deep
rendering models. Unfortunately so far, for all such models, it is either not
rigorously known that they can be learned efficiently, or it is not known that
"deep algorithms" are required in order to learn them.
We propose a simple family of "generative hierarchal models" which can be
efficiently learned and where "deep" algorithm are necessary for learning. Our
definition of "deep" algorithms is based on the empirical observation that deep
nets necessarily use correlations between features. More formally, we show that
in a semi-supervised setting, given access to low-order moments of the labeled
data and all of the unlabeled data, it is information theoretically impossible
to perform classification while at the same time there is an efficient
algorithm, that given all labelled and unlabeled data, perfectly labels all
unlabelled data with high probability.
For the proof, we use and strengthen the fact that Belief Propagation does
not admit a good approximation in terms of linear functions.
|
Selecting Bases in Spectral learning of Predictive State Representations
via Model Entropy | Predictive State Representations (PSRs) are powerful techniques for modelling
dynamical systems, which represent a state as a vector of predictions about
future observable events (tests). In PSRs, one of the fundamental problems is
the learning of the PSR model of the underlying system. Recently, spectral
methods have been successfully used to address this issue by treating the
learning problem as the task of computing an singular value decomposition (SVD)
over a submatrix of a special type of matrix called the Hankel matrix. Under
the assumptions that the rows and columns of the submatrix of the Hankel Matrix
are sufficient~(which usually means a very large number of rows and columns,
and almost fails in practice) and the entries of the matrix can be estimated
accurately, it has been proven that the spectral approach for learning PSRs is
statistically consistent and the learned parameters can converge to the true
parameters. However, in practice, due to the limit of the computation ability,
only a finite set of rows or columns can be chosen to be used for the spectral
learning. While different sets of columns usually lead to variant accuracy of
the learned model, in this paper, we propose an approach for selecting the set
of columns, namely basis selection, by adopting a concept of model entropy to
measure the accuracy of the learned model. Experimental results are shown to
demonstrate the effectiveness of the proposed approach.
|
Sequence-to-point learning with neural networks for nonintrusive load
monitoring | Energy disaggregation (a.k.a nonintrusive load monitoring, NILM), a
single-channel blind source separation problem, aims to decompose the mains
which records the whole house electricity consumption into appliance-wise
readings. This problem is difficult because it is inherently unidentifiable.
Recent approaches have shown that the identifiability problem could be reduced
by introducing domain knowledge into the model. Deep neural networks have been
shown to be a promising approach for these problems, but sliding windows are
necessary to handle the long sequences which arise in signal processing
problems, which raises issues about how to combine predictions from different
sliding windows. In this paper, we propose sequence-to-point learning, where
the input is a window of the mains and the output is a single point of the
target appliance. We use convolutional neural networks to train the model.
Interestingly, we systematically show that the convolutional neural networks
can inherently learn the signatures of the target appliances, which are
automatically added into the model to reduce the identifiability problem. We
applied the proposed neural network approaches to real-world household energy
data, and show that the methods achieve state-of-the-art performance, improving
two standard error measures by 84% and 92%.
|
Modeling documents with Generative Adversarial Networks | This paper describes a method for using Generative Adversarial Networks to
learn distributed representations of natural language documents. We propose a
model that is based on the recently proposed Energy-Based GAN, but instead uses
a Denoising Autoencoder as the discriminator network. Document representations
are extracted from the hidden layer of the discriminator and evaluated both
quantitatively and qualitatively.
|
Linear Learning with Sparse Data | Linear predictors are especially useful when the data is high-dimensional and
sparse. One of the standard techniques used to train a linear predictor is the
Averaged Stochastic Gradient Descent (ASGD) algorithm. We present an efficient
implementation of ASGD that avoids dense vector operations. We also describe a
translation invariant extension called Centered Averaged Stochastic Gradient
Descent (CASGD).
|
The interplay between system identification and machine learning | Learning from examples is one of the key problems in science and engineering.
It deals with function reconstruction from a finite set of direct and noisy
samples. Regularization in reproducing kernel Hilbert spaces (RKHSs) is widely
used to solve this task and includes powerful estimators such as regularization
networks. Recent achievements include the proof of the statistical consistency
of these kernel- based approaches. Parallel to this, many different system
identification techniques have been developed but the interaction with machine
learning does not appear so strong yet. One reason is that the RKHSs usually
employed in machine learning do not embed the information available on dynamic
systems, e.g. BIBO stability. In addition, in system identification the
independent data assumptions routinely adopted in machine learning are never
satisfied in practice. This paper provides new results which strengthen the
connection between system identification and machine learning. Our starting
point is the introduction of RKHSs of dynamic systems. They contain functionals
over spaces defined by system inputs and allow to interpret system
identification as learning from examples. In both linear and nonlinear
settings, it is shown that this perspective permits to derive in a relatively
simple way conditions on RKHS stability (i.e. the property of containing only
BIBO stable systems or predictors), also facilitating the design of new kernels
for system identification. Furthermore, we prove the convergence of the
regularized estimator to the optimal predictor under conditions typical of
dynamic systems.
|
Deep neural heart rate variability analysis | Despite of the pain and limited accuracy of blood tests for early recognition
of cardiovascular disease, they dominate risk screening and triage. On the
other hand, heart rate variability is non-invasive and cheap, but not
considered accurate enough for clinical practice. Here, we tackle heart beat
interval based classification with deep learning. We introduce an end to end
differentiable hybrid architecture, consisting of a layer of biological neuron
models of cardiac dynamics (modified FitzHugh Nagumo neurons) and several
layers of a standard feed-forward neural network. The proposed model is
evaluated on ECGs from 474 stable at-risk (coronary artery disease) patients,
and 1172 chest pain patients of an emergency department. We show that it can
significantly outperform models based on traditional heart rate variability
predictors, as well as approaching or in some cases outperforming clinical
blood tests, based only on 60 seconds of inter-beat intervals.
|
Generalized Intersection Kernel | Following the very recent line of work on the ``generalized min-max'' (GMM)
kernel, this study proposes the ``generalized intersection'' (GInt) kernel and
the related ``normalized generalized min-max'' (NGMM) kernel. In computer
vision, the (histogram) intersection kernel has been popular, and the GInt
kernel generalizes it to data which can have both negative and positive
entries. Through an extensive empirical classification study on 40 datasets
from the UCI repository, we are able to show that this (tuning-free) GInt
kernel performs fairly well.
The empirical results also demonstrate that the NGMM kernel typically
outperforms the GInt kernel. Interestingly, the NGMM kernel has another
interpretation --- it is the ``asymmetrically transformed'' version of the GInt
kernel, based on the idea of ``asymmetric hashing''. Just like the GMM kernel,
the NGMM kernel can be efficiently linearized through (e.g.,) generalized
consistent weighted sampling (GCWS), as empirically validated in our study.
Owing to the discrete nature of hashed values, it also provides a scheme for
approximate near neighbor search.
|
Symmetry, Saddle Points, and Global Optimization Landscape of Nonconvex
Matrix Factorization | We propose a general theory for studying the \xl{landscape} of nonconvex
\xl{optimization} with underlying symmetric structures \tz{for a class of
machine learning problems (e.g., low-rank matrix factorization, phase
retrieval, and deep linear neural networks)}. In specific, we characterize the
locations of stationary points and the null space of Hessian matrices \xl{of
the objective function} via the lens of invariant groups\removed{for associated
optimization problems, including low-rank matrix factorization, phase
retrieval, and deep linear neural networks}. As a major motivating example, we
apply the proposed general theory to characterize the global \xl{landscape} of
the \xl{nonconvex optimization in} low-rank matrix factorization problem. In
particular, we illustrate how the rotational symmetry group gives rise to
infinitely many nonisolated strict saddle points and equivalent global minima
of the objective function. By explicitly identifying all stationary points, we
divide the entire parameter space into three regions: ($\cR_1$) the region
containing the neighborhoods of all strict saddle points, where the objective
has negative curvatures; ($\cR_2$) the region containing neighborhoods of all
global minima, where the objective enjoys strong convexity along certain
directions; and ($\cR_3$) the complement of the above regions, where the
gradient has sufficiently large magnitudes. We further extend our result to the
matrix sensing problem. Such global landscape implies strong global convergence
guarantees for popular iterative algorithms with arbitrary initial solutions.
|
The Neural Hawkes Process: A Neurally Self-Modulating Multivariate Point
Process | Many events occur in the world. Some event types are stochastically excited
or inhibited---in the sense of having their probabilities elevated or
decreased---by patterns in the sequence of previous events. Discovering such
patterns can help us predict which type of event will happen next and when. We
model streams of discrete events in continuous time, by constructing a neurally
self-modulating multivariate point process in which the intensities of multiple
event types evolve according to a novel continuous-time LSTM. This generative
model allows past events to influence the future in complex and realistic ways,
by conditioning future event intensities on the hidden state of a recurrent
neural network that has consumed the stream of past events. Our model has
desirable qualitative properties. It achieves competitive likelihood and
predictive accuracy on real and synthetic datasets, including under
missing-data conditions.
|
Data driven estimation of Laplace-Beltrami operator | Approximations of Laplace-Beltrami operators on manifolds through graph
Lapla-cians have become popular tools in data analysis and machine learning.
These discretized operators usually depend on bandwidth parameters whose tuning
remains a theoretical and practical problem. In this paper, we address this
problem for the unnormalized graph Laplacian by establishing an oracle
inequality that opens the door to a well-founded data-driven procedure for the
bandwidth selection. Our approach relies on recent results by Lacour and
Massart [LM15] on the so-called Lepski's method.
|
Automatic Discoveries of Physical and Semantic Concepts via Association
Priors of Neuron Groups | The recent successful deep neural networks are largely trained in a
supervised manner. It {\it associates} complex patterns of input samples with
neurons in the last layer, which form representations of {\it concepts}. In
spite of their successes, the properties of complex patterns associated a
learned concept remain elusive. In this work, by analyzing how neurons are
associated with concepts in supervised networks, we hypothesize that with
proper priors to regulate learning, neural networks can automatically associate
neurons in the intermediate layers with concepts that are aligned with real
world concepts, when trained only with labels that associate concepts with top
level neurons, which is a plausible way for unsupervised learning. We develop a
prior to verify the hypothesis and experimentally find the proposed prior help
neural networks automatically learn both basic physical concepts at the lower
layers, e.g., rotation of filters, and highly semantic concepts at the higher
layers, e.g., fine-grained categories of an entry-level category.
|
Adaptive Lambda Least-Squares Temporal Difference Learning | Temporal Difference learning or TD($\lambda$) is a fundamental algorithm in
the field of reinforcement learning. However, setting TD's $\lambda$ parameter,
which controls the timescale of TD updates, is generally left up to the
practitioner. We formalize the $\lambda$ selection problem as a bias-variance
trade-off where the solution is the value of $\lambda$ that leads to the
smallest Mean Squared Value Error (MSVE). To solve this trade-off we suggest
applying Leave-One-Trajectory-Out Cross-Validation (LOTO-CV) to search the
space of $\lambda$ values. Unfortunately, this approach is too computationally
expensive for most practical applications. For Least Squares TD (LSTD) we show
that LOTO-CV can be implemented efficiently to automatically tune $\lambda$ and
apply function optimization methods to efficiently search the space of
$\lambda$ values. The resulting algorithm, ALLSTD, is parameter free and our
experiments demonstrate that ALLSTD is significantly computationally faster
than the na\"{i}ve LOTO-CV implementation while achieving similar performance.
|
Linking the Neural Machine Translation and the Prediction of Organic
Chemistry Reactions | Finding the main product of a chemical reaction is one of the important
problems of organic chemistry. This paper describes a method of applying a
neural machine translation model to the prediction of organic chemical
reactions. In order to translate 'reactants and reagents' to 'products', a
gated recurrent unit based sequence-to-sequence model and a parser to generate
input tokens for model from reaction SMILES strings were built. Training sets
are composed of reactions from the patent databases, and reactions manually
generated applying the elementary reactions in an organic chemistry textbook of
Wade. The trained models were tested by examples and problems in the textbook.
The prediction process does not need manual encoding of rules (e.g., SMARTS
transformations) to predict products, hence it only needs sufficient training
reaction sets to learn new types of reactions.
|
Counterfactual Prediction with Deep Instrumental Variables Networks | We are in the middle of a remarkable rise in the use and capability of
artificial intelligence. Much of this growth has been fueled by the success of
deep learning architectures: models that map from observables to outputs via
multiple layers of latent representations. These deep learning algorithms are
effective tools for unstructured prediction, and they can be combined in AI
systems to solve complex automated reasoning problems. This paper provides a
recipe for combining ML algorithms to solve for causal effects in the presence
of instrumental variables -- sources of treatment randomization that are
conditionally independent from the response. We show that a flexible IV
specification resolves into two prediction tasks that can be solved with deep
neural nets: a first-stage network for treatment prediction and a second-stage
network whose loss function involves integration over the conditional treatment
distribution. This Deep IV framework imposes some specific structure on the
stochastic gradient descent routine used for training, but it is general enough
that we can take advantage of off-the-shelf ML capabilities and avoid extensive
algorithm customization. We outline how to obtain out-of-sample causal
validation in order to avoid over-fit. We also introduce schemes for both
Bayesian and frequentist inference: the former via a novel adaptation of
dropout training, and the latter via a data splitting routine.
|
Deep Neural Networks to Enable Real-time Multimessenger Astrophysics | Gravitational wave astronomy has set in motion a scientific revolution. To
further enhance the science reach of this emergent field, there is a pressing
need to increase the depth and speed of the gravitational wave algorithms that
have enabled these groundbreaking discoveries. To contribute to this effort, we
introduce Deep Filtering, a new highly scalable method for end-to-end
time-series signal processing, based on a system of two deep convolutional
neural networks, which we designed for classification and regression to rapidly
detect and estimate parameters of signals in highly noisy time-series data
streams. We demonstrate a novel training scheme with gradually increasing noise
levels, and a transfer learning procedure between the two networks. We showcase
the application of this method for the detection and parameter estimation of
gravitational waves from binary black hole mergers. Our results indicate that
Deep Filtering significantly outperforms conventional machine learning
techniques, achieves similar performance compared to matched-filtering while
being several orders of magnitude faster thus allowing real-time processing of
raw big data with minimal resources. More importantly, Deep Filtering extends
the range of gravitational wave signals that can be detected with ground-based
gravitational wave detectors. This framework leverages recent advances in
artificial intelligence algorithms and emerging hardware architectures, such as
deep-learning-optimized GPUs, to facilitate real-time searches of gravitational
wave sources and their electromagnetic and astro-particle counterparts.
|
NIPS 2016 Tutorial: Generative Adversarial Networks | This report summarizes the tutorial presented by the author at NIPS 2016 on
generative adversarial networks (GANs). The tutorial describes: (1) Why
generative modeling is a topic worth studying, (2) how generative models work,
and how GANs compare to other generative models, (3) the details of how GANs
work, (4) research frontiers in GANs, and (5) state-of-the-art image models
that combine GANs with other methods. Finally, the tutorial contains three
exercises for readers to complete, and the solutions to these exercises.
|
Very Fast Kernel SVM under Budget Constraints | In this paper we propose a fast online Kernel SVM algorithm under tight
budget constraints. We propose to split the input space using LVQ and train a
Kernel SVM in each cluster. To allow for online training, we propose to limit
the size of the support vector set of each cluster using different strategies.
We show in the experiment that our algorithm is able to achieve high accuracy
while having a very high number of samples processed per second both in
training and in the evaluation.
|
Lazily Adapted Constant Kinky Inference for Nonparametric Regression and
Model-Reference Adaptive Control | Techniques known as Nonlinear Set Membership prediction, Lipschitz
Interpolation or Kinky Inference are approaches to machine learning that
utilise presupposed Lipschitz properties to compute inferences over unobserved
function values. Provided a bound on the true best Lipschitz constant of the
target function is known a priori they offer convergence guarantees as well as
bounds around the predictions. Considering a more general setting that builds
on Hoelder continuity relative to pseudo-metrics, we propose an online method
for estimating the Hoelder constant online from function value observations
that possibly are corrupted by bounded observational errors. Utilising this to
compute adaptive parameters within a kinky inference rule gives rise to a
nonparametric machine learning method, for which we establish strong universal
approximation guarantees. That is, we show that our prediction rule can learn
any continuous function in the limit of increasingly dense data to within a
worst-case error bound that depends on the level of observational uncertainty.
We apply our method in the context of nonparametric model-reference adaptive
control (MRAC). Across a range of simulated aircraft roll-dynamics and
performance metrics our approach outperforms recently proposed alternatives
that were based on Gaussian processes and RBF-neural networks. For
discrete-time systems, we provide guarantees on the tracking success of our
learning-based controllers both for the batch and the online learning setting.
|
Classification of Smartphone Users Using Internet Traffic | Today, smartphone devices are owned by a large portion of the population and
have become a very popular platform for accessing the Internet. Smartphones
provide the user with immediate access to information and services. However,
they can easily expose the user to many privacy risks. Applications that are
installed on the device and entities with access to the device's Internet
traffic can reveal private information about the smartphone user and steal
sensitive content stored on the device or transmitted by the device over the
Internet. In this paper, we present a method to reveal various demographics and
technical computer skills of smartphone users by their Internet traffic
records, using machine learning classification models. We implement and
evaluate the method on real life data of smartphone users and show that
smartphone users can be classified by their gender, smoking habits, software
programming experience, and other characteristics.
|
Outlier Robust Online Learning | We consider the problem of learning from noisy data in practical settings
where the size of data is too large to store on a single machine. More
challenging, the data coming from the wild may contain malicious outliers. To
address the scalability and robustness issues, we present an online robust
learning (ORL) approach. ORL is simple to implement and has provable robustness
guarantee -- in stark contrast to existing online learning approaches that are
generally fragile to outliers. We specialize the ORL approach for two concrete
cases: online robust principal component analysis and online linear regression.
We demonstrate the efficiency and robustness advantages of ORL through
comprehensive simulations and predicting image tags on a large-scale data set.
We also discuss extension of the ORL to distributed learning and provide
experimental evaluations.
|
Dynamic Deep Neural Networks: Optimizing Accuracy-Efficiency Trade-offs
by Selective Execution | We introduce Dynamic Deep Neural Networks (D2NN), a new type of feed-forward
deep neural network that allows selective execution. Given an input, only a
subset of D2NN neurons are executed, and the particular subset is determined by
the D2NN itself. By pruning unnecessary computation depending on input, D2NNs
provide a way to improve computational efficiency. To achieve dynamic selective
execution, a D2NN augments a feed-forward deep neural network (directed acyclic
graph of differentiable modules) with controller modules. Each controller
module is a sub-network whose output is a decision that controls whether other
modules can execute. A D2NN is trained end to end. Both regular and controller
modules in a D2NN are learnable and are jointly trained to optimize both
accuracy and efficiency. Such training is achieved by integrating
backpropagation with reinforcement learning. With extensive experiments of
various D2NN architectures on image classification tasks, we demonstrate that
D2NNs are general and flexible, and can effectively optimize
accuracy-efficiency trade-offs.
|
Two-Bit Networks for Deep Learning on Resource-Constrained Embedded
Devices | With the rapid proliferation of Internet of Things and intelligent edge
devices, there is an increasing need for implementing machine learning
algorithms, including deep learning, on resource-constrained mobile embedded
devices with limited memory and computation power. Typical large Convolutional
Neural Networks (CNNs) need large amounts of memory and computational power,
and cannot be deployed on embedded devices efficiently. We present Two-Bit
Networks (TBNs) for model compression of CNNs with edge weights constrained to
(-2, -1, 1, 2), which can be encoded with two bits. Our approach can reduce the
memory usage and improve computational efficiency significantly while achieving
good performance in terms of classification accuracy, thus representing a
reasonable tradeoff between model size and performance.
|
Robust method for finding sparse solutions to linear inverse problems
using an L2 regularization | We analyzed the performance of a biologically inspired algorithm called the
Corrected Projections Algorithm (CPA) when a sparseness constraint is required
to unambiguously reconstruct an observed signal using atoms from an
overcomplete dictionary. By changing the geometry of the estimation problem,
CPA gives an analytical expression for a binary variable that indicates the
presence or absence of a dictionary atom using an L2 regularizer. The
regularized solution can be implemented using an efficient real-time
Kalman-filter type of algorithm. The smoother L2 regularization of CPA makes it
very robust to noise, and CPA outperforms other methods in identifying known
atoms in the presence of strong novel atoms in the signal.
|
HLA class I binding prediction via convolutional neural networks | Many biological processes are governed by protein-ligand interactions. One
such example is the recognition of self and nonself cells by the immune system.
This immune response process is regulated by the major histocompatibility
complex (MHC) protein which is encoded by the human leukocyte antigen (HLA)
complex. Understanding the binding potential between MHC and peptides can lead
to the design of more potent, peptide-based vaccines and immunotherapies for
infectious autoimmune diseases.
We apply machine learning techniques from the natural language processing
(NLP) domain to address the task of MHC-peptide binding prediction. More
specifically, we introduce a new distributed representation of amino acids,
name HLA-Vec, that can be used for a variety of downstream proteomic machine
learning tasks. We then propose a deep convolutional neural network
architecture, name HLA-CNN, for the task of HLA class I-peptide binding
prediction. Experimental results show combining the new distributed
representation with our HLA-CNN architecture achieves state-of-the-art results
in the majority of the latest two Immune Epitope Database (IEDB) weekly
automated benchmark datasets. We further apply our model to predict binding on
the human genome and identify 15 genes with potential for self binding.
|
Deep Convolutional Neural Networks for Pairwise Causality | Discovering causal models from observational and interventional data is an
important first step preceding what-if analysis or counterfactual reasoning. As
has been shown before, the direction of pairwise causal relations can, under
certain conditions, be inferred from observational data via standard
gradient-boosted classifiers (GBC) using carefully engineered statistical
features. In this paper we apply deep convolutional neural networks (CNNs) to
this problem by plotting attribute pairs as 2-D scatter plots that are fed to
the CNN as images. We evaluate our approach on the 'Cause- Effect Pairs' NIPS
2013 Data Challenge. We observe that a weighted ensemble of CNN with the
earlier GBC approach yields significant improvement. Further, we observe that
when less training data is available, our approach performs better than the GBC
based approach suggesting that CNN models pre-trained to determine the
direction of pairwise causal direction could have wider applicability in causal
discovery and enabling what-if or counterfactual analysis.
|
Akid: A Library for Neural Network Research and Production from a
Dataism Approach | Neural networks are a revolutionary but immature technique that is fast
evolving and heavily relies on data. To benefit from the newest development and
newly available data, we want the gap between research and production as small
as possibly. On the other hand, differing from traditional machine learning
models, neural network is not just yet another statistic model, but a model for
the natural processing engine --- the brain. In this work, we describe a neural
network library named {\texttt akid}. It provides higher level of abstraction
for entities (abstracted as blocks) in nature upon the abstraction done on
signals (abstracted as tensors) by Tensorflow, characterizing the dataism
observation that all entities in nature processes input and emit out in some
ways. It includes a full stack of software that provides abstraction to let
researchers focus on research instead of implementation, while at the same time
the developed program can also be put into production seamlessly in a
distributed environment, and be production ready. At the top application stack,
it provides out-of-box tools for neural network applications. Lower down, akid
provides a programming paradigm that lets user easily build customized models.
The distributed computing stack handles the concurrency and communication, thus
letting models be trained or deployed to a single GPU, multiple GPUs, or a
distributed environment without affecting how a model is specified in the
programming paradigm stack. Lastly, the distributed deployment stack handles
how the distributed computing is deployed, thus decoupling the research
prototype environment with the actual production environment, and is able to
dynamically allocate computing resources, so development (Devs) and operations
(Ops) could be separated. Please refer to http://akid.readthedocs.io/en/latest/
for documentation.
|
New Methods of Enhancing Prediction Accuracy in Linear Models with
Missing Data | In this paper, prediction for linear systems with missing information is
investigated. New methods are introduced to improve the Mean Squared Error
(MSE) on the test set in comparison to state-of-the-art methods, through
appropriate tuning of Bias-Variance trade-off. First, the use of proposed Soft
Weighted Prediction (SWP) algorithm and its efficacy are depicted and compared
to previous works for non-missing scenarios. The algorithm is then modified and
optimized for missing scenarios. It is shown that controlled over-fitting by
suggested algorithms will improve prediction accuracy in various cases.
Simulation results approve our heuristics in enhancing the prediction accuracy.
|
Using Big Data to Enhance the Bosch Production Line Performance: A
Kaggle Challenge | This paper describes our approach to the Bosch production line performance
challenge run by Kaggle.com. Maximizing the production yield is at the heart of
the manufacturing industry. At the Bosch assembly line, data is recorded for
products as they progress through each stage. Data science methods are applied
to this huge data repository consisting records of tests and measurements made
for each component along the assembly line to predict internal failures. We
found that it is possible to train a model that predicts which parts are most
likely to fail. Thus a smarter failure detection system can be built and the
parts tagged likely to fail can be salvaged to decrease operating costs and
increase the profit margins.
|
Deterministic and Probabilistic Conditions for Finite Completability of
Low-rank Multi-View Data | We consider the multi-view data completion problem, i.e., to complete a
matrix $\mathbf{U}=[\mathbf{U}_1|\mathbf{U}_2]$ where the ranks of
$\mathbf{U},\mathbf{U}_1$, and $\mathbf{U}_2$ are given. In particular, we
investigate the fundamental conditions on the sampling pattern, i.e., locations
of the sampled entries for finite completability of such a multi-view data
given the corresponding rank constraints. In contrast with the existing
analysis on Grassmannian manifold for a single-view matrix, i.e., conventional
matrix completion, we propose a geometric analysis on the manifold structure
for multi-view data to incorporate more than one rank constraint. We provide a
deterministic necessary and sufficient condition on the sampling pattern for
finite completability. We also give a probabilistic condition in terms of the
number of samples per column that guarantees finite completability with high
probability. Finally, using the developed tools, we derive the deterministic
and probabilistic guarantees for unique completability.
|
Using Artificial Neural Networks (ANN) to Control Chaos | Controlling Chaos could be a big factor in getting great stable amounts of
energy out of small amounts of not necessarily stable resources. By definition,
Chaos is getting huge changes in the system's output due to unpredictable small
changes in initial conditions, and that means we could take advantage of this
fact and select the proper control system to manipulate system's initial
conditions and inputs in general and get a desirable output out of otherwise a
Chaotic system. That was accomplished by first building some known chaotic
circuit (Chua circuit) and the NI's MultiSim was used to simulate the ANN
control system. It was shown that this technique can also be used to stabilize
some hard to stabilize electronic systems.
|
Clustering Signed Networks with the Geometric Mean of Laplacians | Signed networks allow to model positive and negative relationships. We
analyze existing extensions of spectral clustering to signed networks. It turns
out that existing approaches do not recover the ground truth clustering in
several situations where either the positive or the negative network structures
contain no noise. Our analysis shows that these problems arise as existing
approaches take some form of arithmetic mean of the Laplacians of the positive
and negative part. As a solution we propose to use the geometric mean of the
Laplacians of positive and negative part and show that it outperforms the
existing approaches. While the geometric mean of matrices is computationally
expensive, we show that eigenvectors of the geometric mean can be computed
efficiently, leading to a numerical scheme for sparse matrices which is of
independent interest.
|
Collapsing of dimensionality | We analyze a new approach to Machine Learning coming from a modification of
classical regularization networks by casting the process in the time dimension,
leading to a sort of collapse of dimensionality in the problem of learning the
model parameters. This approach allows the definition of a online learning
algorithm that progressively accumulates the knowledge provided in the input
trajectory. The regularization principle leads to a solution based on a
dynamical system that is paired with a procedure to develop a graph structure
that stores the input regularities acquired from the temporal evolution. We
report an extensive experimental exploration on the behavior of the parameter
of the proposed model and an evaluation on artificial dataset.
|
Unsupervised neural and Bayesian models for zero-resource speech
processing | In settings where only unlabelled speech data is available, zero-resource
speech technology needs to be developed without transcriptions, pronunciation
dictionaries, or language modelling text. There are two central problems in
zero-resource speech processing: (i) finding frame-level feature
representations which make it easier to discriminate between linguistic units
(phones or words), and (ii) segmenting and clustering unlabelled speech into
meaningful units. In this thesis, we argue that a combination of top-down and
bottom-up modelling is advantageous in tackling these two problems.
To address the problem of frame-level representation learning, we present the
correspondence autoencoder (cAE), a neural network trained with weak top-down
supervision from an unsupervised term discovery system. By combining this
top-down supervision with unsupervised bottom-up initialization, the cAE yields
much more discriminative features than previous approaches. We then present our
unsupervised segmental Bayesian model that segments and clusters unlabelled
speech into hypothesized words. By imposing a consistent top-down segmentation
while also using bottom-up knowledge from detected syllable boundaries, our
system outperforms several others on multi-speaker conversational English and
Xitsonga speech data. Finally, we show that the clusters discovered by the
segmental Bayesian model can be made less speaker- and gender-specific by using
features from the cAE instead of traditional acoustic features.
In summary, the different models and systems presented in this thesis show
that both top-down and bottom-up modelling can improve representation learning,
segmentation and clustering of unlabelled speech data.
|
Neural Probabilistic Model for Non-projective MST Parsing | In this paper, we propose a probabilistic parsing model, which defines a
proper conditional probability distribution over non-projective dependency
trees for a given sentence, using neural representations as inputs. The neural
network architecture is based on bi-directional LSTM-CNNs which benefits from
both word- and character-level representations automatically, by using
combination of bidirectional LSTM and CNN. On top of the neural network, we
introduce a probabilistic structured layer, defining a conditional log-linear
model over non-projective trees. We evaluate our model on 17 different
datasets, across 14 different languages. By exploiting Kirchhoff's Matrix-Tree
Theorem (Tutte, 1984), the partition functions and marginals can be computed
efficiently, leading to a straight-forward end-to-end model training procedure
via back-propagation. Our parser achieves state-of-the-art parsing performance
on nine datasets.
|
On the Usability of Probably Approximately Correct Implication Bases | We revisit the notion of probably approximately correct implication bases
from the literature and present a first formulation in the language of formal
concept analysis, with the goal to investigate whether such bases represent a
suitable substitute for exact implication bases in practical use-cases. To this
end, we quantitatively examine the behavior of probably approximately correct
implication bases on artificial and real-world data sets and compare their
precision and recall with respect to their corresponding exact implication
bases. Using a small example, we also provide qualitative insight that
implications from probably approximately correct bases can still represent
meaningful knowledge from a given data set.
|
An Interval-Based Bayesian Generative Model for Human Complex Activity
Recognition | Complex activity recognition is challenging due to the inherent uncertainty
and diversity of performing a complex activity. Normally, each instance of a
complex activity has its own configuration of atomic actions and their temporal
dependencies. We propose in this paper an atomic action-based Bayesian model
that constructs Allen's interval relation networks to characterize complex
activities with structural varieties in a probabilistic generative way: By
introducing latent variables from the Chinese restaurant process, our approach
is able to capture all possible styles of a particular complex activity as a
unique set of distributions over atomic actions and relations. We also show
that local temporal dependencies can be retained and are globally consistent in
the resulting interval network. Moreover, network structure can be learned from
empirical data. A new dataset of complex hand activities has been constructed
and made publicly available, which is much larger in size than any existing
datasets. Empirical evaluations on benchmark datasets as well as our in-house
dataset demonstrate the competitiveness of our approach.
|
Dense Associative Memory is Robust to Adversarial Inputs | Deep neural networks (DNN) trained in a supervised way suffer from two known
problems. First, the minima of the objective function used in learning
correspond to data points (also known as rubbish examples or fooling images)
that lack semantic similarity with the training data. Second, a clean input can
be changed by a small, and often imperceptible for human vision, perturbation,
so that the resulting deformed input is misclassified by the network. These
findings emphasize the differences between the ways DNN and humans classify
patterns, and raise a question of designing learning algorithms that more
accurately mimic human perception compared to the existing methods.
Our paper examines these questions within the framework of Dense Associative
Memory (DAM) models. These models are defined by the energy function, with
higher order (higher than quadratic) interactions between the neurons. We show
that in the limit when the power of the interaction vertex in the energy
function is sufficiently large, these models have the following three
properties. First, the minima of the objective function are free from rubbish
images, so that each minimum is a semantically meaningful pattern. Second,
artificial patterns poised precisely at the decision boundary look ambiguous to
human subjects and share aspects of both classes that are separated by that
decision boundary. Third, adversarial images constructed by models with small
power of the interaction vertex, which are equivalent to DNN with rectified
linear units (ReLU), fail to transfer to and fool the models with higher order
interactions. This opens up a possibility to use higher order models for
detecting and stopping malicious adversarial attacks. The presented results
suggest that DAM with higher order energy functions are closer to human visual
perception than DNN with ReLUs.
|
Online Learning Sensing Matrix and Sparsifying Dictionary Simultaneously
for Compressive Sensing | This paper considers the problem of simultaneously learning the Sensing
Matrix and Sparsifying Dictionary (SMSD) on a large training dataset. To
address the formulated joint learning problem, we propose an online algorithm
that consists of a closed-form solution for optimizing the sensing matrix with
a fixed sparsifying dictionary and a stochastic method for learning the
sparsifying dictionary on a large dataset when the sensing matrix is given.
Benefiting from training on a large dataset, the obtained compressive sensing
(CS) system by the proposed algorithm yields a much better performance in terms
of signal recovery accuracy than the existing ones. The simulation results on
natural images demonstrate the effectiveness of the suggested online algorithm
compared with the existing methods.
|
Demystifying Neural Style Transfer | Neural Style Transfer has recently demonstrated very exciting results which
catches eyes in both academia and industry. Despite the amazing results, the
principle of neural style transfer, especially why the Gram matrices could
represent style remains unclear. In this paper, we propose a novel
interpretation of neural style transfer by treating it as a domain adaptation
problem. Specifically, we theoretically show that matching the Gram matrices of
feature maps is equivalent to minimize the Maximum Mean Discrepancy (MMD) with
the second order polynomial kernel. Thus, we argue that the essence of neural
style transfer is to match the feature distributions between the style images
and the generated images. To further support our standpoint, we experiment with
several other distribution alignment methods, and achieve appealing results. We
believe this novel interpretation connects these two important research fields,
and could enlighten future researches.
|
Estimating Quality in Multi-Objective Bandits Optimization | Many real-world applications are characterized by a number of conflicting
performance measures. As optimizing in a multi-objective setting leads to a set
of non-dominated solutions, a preference function is required for selecting the
solution with the appropriate trade-off between the objectives. The question
is: how good do estimations of these objectives have to be in order for the
solution maximizing the preference function to remain unchanged? In this paper,
we introduce the concept of preference radius to characterize the robustness of
the preference function and provide guidelines for controlling the quality of
estimations in the multi-objective setting. More specifically, we provide a
general formulation of multi-objective optimization under the bandits setting.
We show how the preference radius relates to the optimal gap and we use this
concept to provide a theoretical analysis of the Thompson sampling algorithm
from multivariate normal priors. We finally present experiments to support the
theoretical results and highlight the fact that one cannot simply scalarize
multi-objective problems into single-objective problems.
|
Overlapping Cover Local Regression Machines | We present the Overlapping Domain Cover (ODC) notion for kernel machines, as
a set of overlapping subsets of the data that covers the entire training set
and optimized to be spatially cohesive as possible. We show how this notion
benefit the speed of local kernel machines for regression in terms of both
speed while achieving while minimizing the prediction error. We propose an
efficient ODC framework, which is applicable to various regression models and
in particular reduces the complexity of Twin Gaussian Processes (TGP)
regression from cubic to quadratic. Our notion is also applicable to several
kernel methods (e.g., Gaussian Process Regression(GPR) and IWTGP regression, as
shown in our experiments). We also theoretically justified the idea behind our
method to improve local prediction by the overlapping cover. We validated and
analyzed our method on three benchmark human pose estimation datasets and
interesting findings are discussed.
|
OpenML: An R Package to Connect to the Machine Learning Platform OpenML | OpenML is an online machine learning platform where researchers can easily
share data, machine learning tasks and experiments as well as organize them
online to work and collaborate more efficiently. In this paper, we present an R
package to interface with the OpenML platform and illustrate its usage in
combination with the machine learning R package mlr. We show how the OpenML
package allows R users to easily search, download and upload data sets and
machine learning tasks. Furthermore, we also show how to upload results of
experiments, share them with others and download results from other users.
Beyond ensuring reproducibility of results, the OpenML platform automates much
of the drudge work, speeds up research, facilitates collaboration and increases
the users' visibility online.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.