title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Preserving Differential Privacy in Convolutional Deep Belief Networks | The remarkable development of deep learning in medicine and healthcare domain
presents obvious privacy issues, when deep neural networks are built on users'
personal and highly sensitive data, e.g., clinical records, user profiles,
biomedical images, etc. However, only a few scientific studies on preserving
privacy in deep learning have been conducted. In this paper, we focus on
developing a private convolutional deep belief network (pCDBN), which
essentially is a convolutional deep belief network (CDBN) under differential
privacy. Our main idea of enforcing epsilon-differential privacy is to leverage
the functional mechanism to perturb the energy-based objective functions of
traditional CDBNs, rather than their results. One key contribution of this work
is that we propose the use of Chebyshev expansion to derive the approximate
polynomial representation of objective functions. Our theoretical analysis
shows that we can further derive the sensitivity and error bounds of the
approximate polynomial representation. As a result, preserving differential
privacy in CDBNs is feasible. We applied our model in a health social network,
i.e., YesiWell data, and in a handwriting digit dataset, i.e., MNIST data, for
human behavior prediction, human behavior classification, and handwriting digit
recognition tasks. Theoretical analysis and rigorous experimental evaluations
show that the pCDBN is highly effective. It significantly outperforms existing
solutions.
|
Gradient Episodic Memory for Continual Learning | One major obstacle towards AI is the poor ability of models to solve new
problems quicker, and without forgetting previously acquired knowledge. To
better understand this issue, we study the problem of continual learning, where
the model observes, once and one by one, examples concerning a sequence of
tasks. First, we propose a set of metrics to evaluate models learning over a
continuum of data. These metrics characterize models not only by their test
accuracy, but also in terms of their ability to transfer knowledge across
tasks. Second, we propose a model for continual learning, called Gradient
Episodic Memory (GEM) that alleviates forgetting, while allowing beneficial
transfer of knowledge to previous tasks. Our experiments on variants of the
MNIST and CIFAR-100 datasets demonstrate the strong performance of GEM when
compared to the state-of-the-art.
|
Rate-Distortion Classification for Self-Tuning IoT Networks | Many future wireless sensor networks and the Internet of Things are expected
to follow a software defined paradigm, where protocol parameters and behaviors
will be dynamically tuned as a function of the signal statistics. New protocols
will be then injected as a software as certain events occur. For instance, new
data compressors could be (re)programmed on-the-fly as the monitored signal
type or its statistical properties change. We consider a lossy compression
scenario, where the application tolerates some distortion of the gathered
signal in return for improved energy efficiency. To reap the full benefits of
this paradigm, we discuss an automatic sensor profiling approach where the
signal class, and in particular the corresponding rate-distortion curve, is
automatically assessed using machine learning tools (namely, support vector
machines and neural networks). We show that this curve can be reliably
estimated on-the-fly through the computation of a small number (from ten to
twenty) of statistical features on time windows of a few hundreds samples.
|
Unsupervised Feature Selection Based on Space Filling Concept | The paper deals with the adaptation of a new measure for the unsupervised
feature selection problems. The proposed measure is based on space filling
concept and is called the coverage measure. This measure was used for judging
the quality of an experimental space filling design. In the present work, the
coverage measure is adapted for selecting the smallest informative subset of
variables by reducing redundancy in data. This paper proposes a simple analogy
to apply this measure. It is implemented in a filter algorithm for unsupervised
feature selection problems.
The proposed filter algorithm is robust with high dimensional data and can be
implemented without extra parameters. Further, it is tested with simulated data
and real world case studies including environmental data and hyperspectral
image. Finally, the results are evaluated by using random forest algorithm.
|
The Fog of War: A Machine Learning Approach to Forecasting Weather on
Mars | For over a decade, scientists at NASA's Jet Propulsion Laboratory (JPL) have
been recording measurements from the Martian surface as a part of the Mars
Exploration Rovers mission. One quantity of interest has been the opacity of
Mars's atmosphere for its importance in day-to-day estimations of the amount of
power available to the rover from its solar arrays. This paper proposes the use
of neural networks as a method for forecasting Martian atmospheric opacity that
is more effective than the current empirical model. The more accurate
prediction provided by these networks would allow operators at JPL to make more
accurate predictions of the amount of energy available to the rover when they
plan activities for coming sols.
|
Classical Music Clustering Based on Acoustic Features | In this paper we cluster 330 classical music pieces collected from MusicNet
database based on their musical note sequence. We use shingling and chord
trajectory matrices to create signature for each music piece and performed
spectral clustering to find the clusters. Based on different resolution, the
output clusters distinctively indicate composition from different classical
music era and different composing style of the musicians.
|
Reexamining Low Rank Matrix Factorization for Trace Norm Regularization | Trace norm regularization is a widely used approach for learning low rank
matrices. A standard optimization strategy is based on formulating the problem
as one of low rank matrix factorization which, however, leads to a non-convex
problem. In practice this approach works well, and it is often computationally
faster than standard convex solvers such as proximal gradient methods.
Nevertheless, it is not guaranteed to converge to a global optimum, and the
optimization can be trapped at poor stationary points. In this paper we show
that it is possible to characterize all critical points of the non-convex
problem. This allows us to provide an efficient criterion to determine whether
a critical point is also a global minimizer. Our analysis suggests an iterative
meta-algorithm that dynamically expands the parameter space and allows the
optimization to escape any non-global critical point, thereby converging to a
global minimizer. The algorithm can be applied to problems such as matrix
completion or multitask learning, and our analysis holds for any random
initialization of the factor matrices. Finally, we confirm the good performance
of the algorithm on synthetic and real datasets.
|
Exploring Generalization in Deep Learning | With a goal of understanding what drives generalization in deep networks, we
consider several recently suggested explanations, including norm-based control,
sharpness and robustness. We study how these measures can ensure
generalization, highlighting the importance of scale normalization, and making
a connection between sharpness and PAC-Bayes theory. We then investigate how
well the measures explain different observed phenomena.
|
Training a Fully Convolutional Neural Network to Route Integrated
Circuits | We present a deep, fully convolutional neural network that learns to route a
circuit layout net with appropriate choice of metal tracks and wire class
combinations. Inputs to the network are the encoded layouts containing spatial
location of pins to be routed. After 15 fully convolutional stages followed by
a score comparator, the network outputs 8 layout layers (corresponding to 4
route layers, 3 via layers and an identity-mapped pin layer) which are then
decoded to obtain the routed layouts. We formulate this as a binary
segmentation problem on a per-pixel per-layer basis, where the network is
trained to correctly classify pixels in each layout layer to be 'on' or 'off'.
To demonstrate learnability of layout design rules, we train the network on a
dataset of 50,000 train and 10,000 validation samples that we generate based on
certain pre-defined layout constraints. Precision, recall and $F_1$ score
metrics are used to track the training progress. Our network achieves
$F_1\approx97\%$ on the train set and $F_1\approx92\%$ on the validation set.
We use PyTorch for implementing our model. Code is made publicly available at
https://github.com/sjain-stanford/deep-route .
|
The k-means-u* algorithm: non-local jumps and greedy retries improve
k-means++ clustering | We present a new clustering algorithm called k-means-u* which in many cases
is able to significantly improve the clusterings found by k-means++, the
current de-facto standard for clustering in Euclidean spaces. First we
introduce the k-means-u algorithm which starts from a result of k-means++ and
attempts to improve it with a sequence of non-local "jumps" alternated by runs
of standard k-means. Each jump transfers the "least useful" center towards the
center with the largest local error, offset by a small random vector. This is
continued as long as the error decreases and often leads to an improved
solution. Occasionally k-means-u terminates despite obvious remaining
optimization possibilities. By allowing a limited number of retries for the
last jump it is frequently possible to reach better local minima. The resulting
algorithm is called k-means-u* and dominates k-means++ wrt. solution quality
which is demonstrated empirically using various data sets. By construction the
logarithmic quality bound established for k-means++ holds for k-means-u* as
well.
|
An Actor-Critic Contextual Bandit Algorithm for Personalized Mobile
Health Interventions | Increasing technological sophistication and widespread use of smartphones and
wearable devices provide opportunities for innovative and highly personalized
health interventions. A Just-In-Time Adaptive Intervention (JITAI) uses
real-time data collection and communication capabilities of modern mobile
devices to deliver interventions in real-time that are adapted to the
in-the-moment needs of the user. The lack of methodological guidance in
constructing data-based JITAIs remains a hurdle in advancing JITAI research
despite the increasing popularity of JITAIs among clinical scientists. In this
article, we make a first attempt to bridge this methodological gap by
formulating the task of tailoring interventions in real-time as a contextual
bandit problem. Interpretability requirements in the domain of mobile health
lead us to formulate the problem differently from existing formulations
intended for web applications such as ad or news article placement. Under the
assumption of linear reward function, we choose the reward function (the
"critic") parameterization separately from a lower dimensional parameterization
of stochastic policies (the "actor"). We provide an online actor-critic
algorithm that guides the construction and refinement of a JITAI. Asymptotic
properties of the actor-critic algorithm are developed and backed up by
numerical experiments. Additional numerical experiments are conducted to test
the robustness of the algorithm when idealized assumptions used in the analysis
of contextual bandit algorithm are breached.
|
Generative Bridging Network in Neural Sequence Prediction | In order to alleviate data sparsity and overfitting problems in maximum
likelihood estimation (MLE) for sequence prediction tasks, we propose the
Generative Bridging Network (GBN), in which a novel bridge module is introduced
to assist the training of the sequence prediction model (the generator
network). Unlike MLE directly maximizing the conditional likelihood, the bridge
extends the point-wise ground truth to a bridge distribution conditioned on it,
and the generator is optimized to minimize their KL-divergence. Three different
GBNs, namely uniform GBN, language-model GBN and coaching GBN, are proposed to
penalize confidence, enhance language smoothness and relieve learning burden.
Experiments conducted on two recognized sequence prediction tasks (machine
translation and abstractive text summarization) show that our proposed GBNs can
yield significant improvements over strong baselines. Furthermore, by analyzing
samples drawn from different bridges, expected influences on the generator are
verified.
|
Stochastic Bandit Models for Delayed Conversions | Online advertising and product recommendation are important domains of
applications for multi-armed bandit methods. In these fields, the reward that
is immediately available is most often only a proxy for the actual outcome of
interest, which we refer to as a conversion. For instance, in web advertising,
clicks can be observed within a few seconds after an ad display but the
corresponding sale --if any-- will take hours, if not days to happen. This
paper proposes and investigates a new stochas-tic multi-armed bandit model in
the framework proposed by Chapelle (2014) --based on empirical studies in the
field of web advertising-- in which each action may trigger a future reward
that will then happen with a stochas-tic delay. We assume that the probability
of conversion associated with each action is unknown while the distribution of
the conversion delay is known, distinguishing between the (idealized) case
where the conversion events may be observed whatever their delay and the more
realistic setting in which late conversions are censored. We provide
performance lower bounds as well as two simple but efficient algorithms based
on the UCB and KLUCB frameworks. The latter algorithm, which is preferable when
conversion rates are low, is based on a Poissonization argument, of independent
interest in other settings where aggregation of Bernoulli observations with
different success probabilities is required.
|
Energy-Based Sequence GANs for Recommendation and Their Connection to
Imitation Learning | Recommender systems aim to find an accurate and efficient mapping from
historic data of user-preferred items to a new item that is to be liked by a
user. Towards this goal, energy-based sequence generative adversarial nets
(EB-SeqGANs) are adopted for recommendation by learning a generative model for
the time series of user-preferred items. By recasting the energy function as
the feature function, the proposed EB-SeqGANs is interpreted as an instance of
maximum-entropy imitation learning.
|
Logics and practices of transparency and opacity in real-world
applications of public sector machine learning | Machine learning systems are increasingly used to support public sector
decision-making across a variety of sectors. Given concerns around
accountability in these domains, and amidst accusations of intentional or
unintentional bias, there have been increased calls for transparency of these
technologies. Few, however, have considered how logics and practices concerning
transparency have been understood by those involved in the machine learning
systems already being piloted and deployed in public bodies today. This short
paper distils insights about transparency on the ground from interviews with 27
such actors, largely public servants and relevant contractors, across 5 OECD
countries. Considering transparency and opacity in relation to trust and
buy-in, better decision-making, and the avoidance of gaming, it seeks to
provide useful insights for those hoping to develop socio-technical approaches
to transparency that might be useful to practitioners on-the-ground.
An extended, archival version of this paper is available as Veale M., Van
Kleek M., & Binns R. (2018). `Fairness and accountability design needs for
algorithmic support in high-stakes public sector decision-making' Proceedings
of the 2018 CHI Conference on Human Factors in Computing Systems (CHI'18),
http://doi.org/10.1145/3173574.3174014.
|
Concentration of tempered posteriors and of their variational
approximations | While Bayesian methods are extremely popular in statistics and machine
learning, their application to massive datasets is often challenging, when
possible at all. Indeed, the classical MCMC algorithms are prohibitively slow
when both the model dimension and the sample size are large. Variational
Bayesian methods aim at approximating the posterior by a distribution in a
tractable family. Thus, MCMC are replaced by an optimization algorithm which is
orders of magnitude faster. VB methods have been applied in such
computationally demanding applications as including collaborative filtering,
image and video processing, NLP and text processing... However, despite very
nice results in practice, the theoretical properties of these approximations
are usually not known. In this paper, we propose a general approach to prove
the concentration of variational approximations of fractional posteriors. We
apply our theory to two examples: matrix completion, and Gaussian VB.
|
Alternative Semantic Representations for Zero-Shot Human Action
Recognition | A proper semantic representation for encoding side information is key to the
success of zero-shot learning. In this paper, we explore two alternative
semantic representations especially for zero-shot human action recognition:
textual descriptions of human actions and deep features extracted from still
images relevant to human actions. Such side information are accessible on Web
with little cost, which paves a new way in gaining side information for
large-scale zero-shot human action recognition. We investigate different
encoding methods to generate semantic representations for human actions from
such side information. Based on our zero-shot visual recognition method, we
conducted experiments on UCF101 and HMDB51 to evaluate two proposed semantic
representations . The results suggest that our proposed text- and image-based
semantic representations outperform traditional attributes and word vectors
considerably for zero-shot human action recognition. In particular, the
image-based semantic representations yield the favourable performance even
though the representation is extracted from a small number of images per class.
|
Retinal Vessel Segmentation in Fundoscopic Images with Generative
Adversarial Networks | Retinal vessel segmentation is an indispensable step for automatic detection
of retinal diseases with fundoscopic images. Though many approaches have been
proposed, existing methods tend to miss fine vessels or allow false positives
at terminal branches. Let alone under-segmentation, over-segmentation is also
problematic when quantitative studies need to measure the precise width of
vessels. In this paper, we present a method that generates the precise map of
retinal vessels using generative adversarial training. Our methods achieve dice
coefficient of 0.829 on DRIVE dataset and 0.834 on STARE dataset which is the
state-of-the-art performance on both datasets.
|
autoBagging: Learning to Rank Bagging Workflows with Metalearning | Machine Learning (ML) has been successfully applied to a wide range of
domains and applications. One of the techniques behind most of these successful
applications is Ensemble Learning (EL), the field of ML that gave birth to
methods such as Random Forests or Boosting. The complexity of applying these
techniques together with the market scarcity on ML experts, has created the
need for systems that enable a fast and easy drop-in replacement for ML
libraries. Automated machine learning (autoML) is the field of ML that attempts
to answers these needs. Typically, these systems rely on optimization
techniques such as bayesian optimization to lead the search for the best model.
Our approach differs from these systems by making use of the most recent
advances on metalearning and a learning to rank approach to learn from
metadata. We propose autoBagging, an autoML system that automatically ranks 63
bagging workflows by exploiting past performance and dataset characterization.
Results on 140 classification datasets from the OpenML platform show that
autoBagging can yield better performance than the Average Rank method and
achieve results that are not statistically different from an ideal model that
systematically selects the best workflow for each dataset. For the purpose of
reproducibility and generalizability, autoBagging is publicly available as an R
package on CRAN.
|
The difference between memory and prediction in linear recurrent
networks | Recurrent networks are trained to memorize their input better, often in the
hopes that such training will increase the ability of the network to predict.
We show that networks designed to memorize input can be arbitrarily bad at
prediction. We also find, for several types of inputs, that one-node networks
optimized for prediction are nearly at upper bounds on predictive capacity
given by Wiener filters, and are roughly equivalent in performance to randomly
generated five-node networks. Our results suggest that maximizing memory
capacity leads to very different networks than maximizing predictive capacity,
and that optimizing recurrent weights can decrease reservoir size by half an
order of magnitude.
|
Recovery of Missing Samples Using Sparse Approximation via a Convex
Similarity Measure | In this paper, we study the missing sample recovery problem using methods
based on sparse approximation. In this regard, we investigate the algorithms
used for solving the inverse problem associated with the restoration of missed
samples of image signal. This problem is also known as inpainting in the
context of image processing and for this purpose, we suggest an iterative
sparse recovery algorithm based on constrained $l_1$-norm minimization with a
new fidelity metric. The proposed metric called Convex SIMilarity (CSIM) index,
is a simplified version of the Structural SIMilarity (SSIM) index, which is
convex and error-sensitive. The optimization problem incorporating this
criterion, is then solved via Alternating Direction Method of Multipliers
(ADMM). Simulation results show the efficiency of the proposed method for
missing sample recovery of 1D patch vectors and inpainting of 2D image signals.
|
CatBoost: unbiased boosting with categorical features | This paper presents the key algorithmic techniques behind CatBoost, a new
gradient boosting toolkit. Their combination leads to CatBoost outperforming
other publicly available boosting implementations in terms of quality on a
variety of datasets. Two critical algorithmic advances introduced in CatBoost
are the implementation of ordered boosting, a permutation-driven alternative to
the classic algorithm, and an innovative algorithm for processing categorical
features. Both techniques were created to fight a prediction shift caused by a
special kind of target leakage present in all currently existing
implementations of gradient boosting algorithms. In this paper, we provide a
detailed analysis of this problem and demonstrate that proposed algorithms
solve it effectively, leading to excellent empirical results.
|
Neural SLAM: Learning to Explore with External Memory | We present an approach for agents to learn representations of a global map
from sensor data, to aid their exploration in new environments. To achieve
this, we embed procedures mimicking that of traditional Simultaneous
Localization and Mapping (SLAM) into the soft attention based addressing of
external memory architectures, in which the external memory acts as an internal
representation of the environment. This structure encourages the evolution of
SLAM-like behaviors inside a completely differentiable deep neural network. We
show that this approach can help reinforcement learning agents to successfully
explore new environments where long-term memory is essential. We validate our
approach in both challenging grid-world environments and preliminary Gazebo
experiments. A video of our experiments can be found at: https://goo.gl/G2Vu5y.
|
Learning to Learn: Meta-Critic Networks for Sample Efficient Learning | We propose a novel and flexible approach to meta-learning for
learning-to-learn from only a few examples. Our framework is motivated by
actor-critic reinforcement learning, but can be applied to both reinforcement
and supervised learning. The key idea is to learn a meta-critic: an
action-value function neural network that learns to criticise any actor trying
to solve any specified task. For supervised learning, this corresponds to the
novel idea of a trainable task-parametrised loss generator. This meta-critic
approach provides a route to knowledge transfer that can flexibly deal with
few-shot and semi-supervised conditions for both reinforcement and supervised
learning. Promising results are shown on both reinforcement and supervised
learning problems.
|
Distributional Adversarial Networks | We propose a framework for adversarial training that relies on a sample
rather than a single sample point as the fundamental unit of discrimination.
Inspired by discrepancy measures and two-sample tests between probability
distributions, we propose two such distributional adversaries that operate and
predict on samples, and show how they can be easily implemented on top of
existing models. Various experimental results show that generators trained with
our distributional adversaries are much more stable and are remarkably less
prone to mode collapse than traditional models trained with pointwise
prediction discriminators. The application of our framework to domain
adaptation also results in considerable improvement over recent
state-of-the-art.
|
Transforming Musical Signals through a Genre Classifying Convolutional
Neural Network | Convolutional neural networks (CNNs) have been successfully applied on both
discriminative and generative modeling for music-related tasks. For a
particular task, the trained CNN contains information representing the decision
making or the abstracting process. One can hope to manipulate existing music
based on this 'informed' network and create music with new features
corresponding to the knowledge obtained by the network. In this paper, we
propose a method to utilize the stored information from a CNN trained on
musical genre classification task. The network was composed of three
convolutional layers, and was trained to classify five-second song clips into
five different genres. After training, randomly selected clips were modified by
maximizing the sum of outputs from the network layers. In addition to the
potential of such CNNs to produce interesting audio transformation, more
information about the network and the original music could be obtained from the
analysis of the generated features since these features indicate how the
network 'understands' the music.
|
Music Signal Processing Using Vector Product Neural Networks | We propose a novel neural network model for music signal processing using
vector product neurons and dimensionality transformations. Here, the inputs are
first mapped from real values into three-dimensional vectors then fed into a
three-dimensional vector product neural network where the inputs, outputs, and
weights are all three-dimensional values. Next, the final outputs are mapped
back to the reals. Two methods for dimensionality transformation are proposed,
one via context windows and the other via spectral coloring. Experimental
results on the iKala dataset for blind singing voice separation confirm the
efficacy of our model.
|
Machine listening intelligence | This manifesto paper will introduce machine listening intelligence, an
integrated research framework for acoustic and musical signals modelling, based
on signal processing, deep learning and computational musicology.
|
Audio Spectrogram Representations for Processing with Convolutional
Neural Networks | One of the decisions that arise when designing a neural network for any
application is how the data should be represented in order to be presented to,
and possibly generated by, a neural network. For audio, the choice is less
obvious than it seems to be for visual images, and a variety of representations
have been used for different applications including the raw digitized sample
stream, hand-crafted features, machine discovered features, MFCCs and variants
that include deltas, and a variety of spectral representations. This paper
reviews some of these representations and issues that arise, focusing
particularly on spectrograms for generating audio using neural networks for
style transfer.
|
Online Convolutional Dictionary Learning | While a number of different algorithms have recently been proposed for
convolutional dictionary learning, this remains an expensive problem. The
single biggest impediment to learning from large training sets is the memory
requirements, which grow at least linearly with the size of the training set
since all existing methods are batch algorithms. The work reported here
addresses this limitation by extending online dictionary learning ideas to the
convolutional context.
|
Online Reweighted Least Squares Algorithm for Sparse Recovery and
Application to Short-Wave Infrared Imaging | We address the problem of sparse recovery in an online setting, where random
linear measurements of a sparse signal are revealed sequentially and the
objective is to recover the underlying signal. We propose a reweighted least
squares (RLS) algorithm to solve the problem of online sparse reconstruction,
wherein a system of linear equations is solved using conjugate gradient with
the arrival of every new measurement. The proposed online algorithm is useful
in a setting where one seeks to design a progressive decoding strategy to
reconstruct a sparse signal from linear measurements so that one does not have
to wait until all measurements are acquired. Moreover, the proposed algorithm
is also useful in applications where it is infeasible to process all the
measurements using a batch algorithm, owing to computational and storage
constraints. It is not needed a priori to collect a fixed number of
measurements; rather one can keep collecting measurements until the quality of
reconstruction is satisfactory and stop taking further measurements once the
reconstruction is sufficiently accurate. We provide a proof-of-concept by
comparing the performance of our algorithm with the RLS-based batch
reconstruction strategy, known as iteratively reweighted least squares (IRLS),
on natural images. Experiments on a recently proposed focal plane array-based
imaging setup show up to 1 dB improvement in output peak signal-to-noise ratio
as compared with the total variation-based reconstruction.
|
Deep learning bank distress from news and numerical financial data | In this paper we focus our attention on the exploitation of the information
contained in financial news to enhance the performance of a classifier of bank
distress. Such information should be analyzed and inserted into the predictive
model in the most efficient way and this task deals with all the issues related
to text analysis and specifically analysis of news media. Among the different
models proposed for such purpose, we investigate one of the possible deep
learning approaches, based on a doc2vec representation of the textual data, a
kind of neural network able to map the sequential and symbolic text input onto
a reduced latent semantic space. Afterwards, a second supervised neural network
is trained combining news data with standard financial figures to classify
banks whether in distressed or tranquil states, based on a small set of known
distress events. Then the final aim is not only the improvement of the
predictive performance of the classifier but also to assess the importance of
news data in the classification process. Does news data really bring more
useful information not contained in standard financial variables? Our results
seem to confirm such hypothesis.
|
Image classification using local tensor singular value decompositions | From linear classifiers to neural networks, image classification has been a
widely explored topic in mathematics, and many algorithms have proven to be
effective classifiers. However, the most accurate classifiers typically have
significantly high storage costs, or require complicated procedures that may be
computationally expensive. We present a novel (nonlinear) classification
approach using truncation of local tensor singular value decompositions (tSVD)
that robustly offers accurate results, while maintaining manageable storage
costs. Our approach takes advantage of the optimality of the representation
under the tensor algebra described to determine to which class an image
belongs. We extend our approach to a method that can determine specific
pairwise match scores, which could be useful in, for example, object
recognition problems where pose/position are different. We demonstrate the
promise of our new techniques on the MNIST data set.
|
A Deep Multimodal Approach for Cold-start Music Recommendation | An increasing amount of digital music is being published daily. Music
streaming services often ingest all available music, but this poses a
challenge: how to recommend new artists for which prior knowledge is scarce? In
this work we aim to address this so-called cold-start problem by combining text
and audio information with user feedback data using deep network architectures.
Our method is divided into three steps. First, artist embeddings are learned
from biographies by combining semantics, text features, and aggregated usage
data. Second, track embeddings are learned from the audio signal and available
feedback data. Finally, artist and track embeddings are combined in a
multimodal network. Results suggest that both splitting the recommendation
problem between feature levels (i.e., artist metadata and audio track), and
merging feature embeddings in a multimodal approach improve the accuracy of the
recommendations.
|
Dynamical selection of Nash equilibria using Experience Weighted
Attraction Learning: emergence of heterogeneous mixed equilibria | We study the distribution of strategies in a large game that models how
agents choose among different double auction markets. We classify the possible
mean field Nash equilibria, which include potentially segregated states where
an agent population can split into subpopulations adopting different
strategies. As the game is aggregative, the actual equilibrium strategy
distributions remain undetermined, however. We therefore compare with the
results of Experience-Weighted Attraction (EWA) learning, which at long times
leads to Nash equilibria in the appropriate limits of large intensity of
choice, low noise (long agent memory) and perfect imputation of missing scores
(fictitious play). The learning dynamics breaks the indeterminacy of the Nash
equilibria. Non-trivially, depending on how the relevant limits are taken, more
than one type of equilibrium can be selected. These include the standard
homogeneous mixed and heterogeneous pure states, but also \emph{heterogeneous
mixed} states where different agents play different strategies that are not all
pure. The analysis of the EWA learning involves Fokker-Planck modeling combined
with large deviation methods. The theoretical results are confirmed by
multi-agent simulations.
|
Interpretability via Model Extraction | The ability to interpret machine learning models has become increasingly
important now that machine learning is used to inform consequential decisions.
We propose an approach called model extraction for interpreting complex,
blackbox models. Our approach approximates the complex model using a much more
interpretable model; as long as the approximation quality is good, then
statistical properties of the complex model are reflected in the interpretable
model. We show how model extraction can be used to understand and debug random
forests and neural nets trained on several datasets from the UCI Machine
Learning Repository, as well as control policies learned for several classical
reinforcement learning problems.
|
Feature uncertainty bounding schemes for large robust nonlinear SVM
classifiers | We consider the binary classification problem when data are large and subject
to unknown but bounded uncertainties. We address the problem by formulating the
nonlinear support vector machine training problem with robust optimization. To
do so, we analyze and propose two bounding schemes for uncertainties associated
to random approximate features in low dimensional spaces. The proposed
techniques are based on Random Fourier Features and the Nystr\"om methods. The
resulting formulations can be solved with efficient stochastic approximation
techniques such as stochastic (sub)-gradient, stochastic proximal gradient
techniques or their variants.
|
Data-dependent Generalization Bounds for Multi-class Classification | In this paper, we study data-dependent generalization error bounds exhibiting
a mild dependency on the number of classes, making them suitable for
multi-class learning with a large number of label classes. The bounds generally
hold for empirical multi-class risk minimization algorithms using an arbitrary
norm as regularizer. Key to our analysis are new structural results for
multi-class Gaussian complexities and empirical $\ell_\infty$-norm covering
numbers, which exploit the Lipschitz continuity of the loss function with
respect to the $\ell_2$- and $\ell_\infty$-norm, respectively. We establish
data-dependent error bounds in terms of complexities of a linear function class
defined on a finite set induced by training examples, for which we show tight
lower and upper bounds. We apply the results to several prominent multi-class
learning machines, exhibiting a tighter dependency on the number of classes
than the state of the art. For instance, for the multi-class SVM by Crammer and
Singer (2002), we obtain a data-dependent bound with a logarithmic dependency
which significantly improves the previous square-root dependency. Experimental
results are reported to verify the effectiveness of our theoretical findings.
|
Generalising Random Forest Parameter Optimisation to Include Stability
and Cost | Random forests are among the most popular classification and regression
methods used in industrial applications. To be effective, the parameters of
random forests must be carefully tuned. This is usually done by choosing values
that minimize the prediction error on a held out dataset. We argue that error
reduction is only one of several metrics that must be considered when
optimizing random forest parameters for commercial applications. We propose a
novel metric that captures the stability of random forests predictions, which
we argue is key for scenarios that require successive predictions. We motivate
the need for multi-criteria optimization by showing that in practical
applications, simply choosing the parameters that lead to the lowest error can
introduce unnecessary costs and produce predictions that are not stable across
independent runs. To optimize this multi-criteria trade-off, we present a new
framework that efficiently finds a principled balance between these three
considerations using Bayesian optimisation. The pitfalls of optimising forest
parameters purely for error reduction are demonstrated using two publicly
available real world datasets. We show that our framework leads to parameter
settings that are markedly different from the values discovered by error
reduction metrics.
|
On the Limitations of First-Order Approximation in GAN Dynamics | While Generative Adversarial Networks (GANs) have demonstrated promising
performance on multiple vision tasks, their learning dynamics are not yet well
understood, both in theory and in practice. To address this issue, we study GAN
dynamics in a simple yet rich parametric model that exhibits several of the
common problematic convergence behaviors such as vanishing gradients, mode
collapse, and diverging or oscillatory behavior. In spite of the non-convex
nature of our model, we are able to perform a rigorous theoretical analysis of
its convergence behavior. Our analysis reveals an interesting dichotomy: a GAN
with an optimal discriminator provably converges, while first order
approximations of the discriminator steps lead to unstable GAN dynamics and
mode collapse. Our result suggests that using first order discriminator steps
(the de-facto standard in most existing GAN setups) might be one of the factors
that makes GAN training challenging in practice.
|
Graph Convolution: A High-Order and Adaptive Approach | In this paper, we presented a novel convolutional neural network framework
for graph modeling, with the introduction of two new modules specially designed
for graph-structured data: the $k$-th order convolution operator and the
adaptive filtering module. Importantly, our framework of High-order and
Adaptive Graph Convolutional Network (HA-GCN) is a general-purposed
architecture that fits various applications on both node and graph centrics, as
well as graph generative models. We conducted extensive experiments on
demonstrating the advantages of our framework. Particularly, our HA-GCN
outperforms the state-of-the-art models on node classification and molecule
property prediction tasks. It also generates 32% more real molecules on the
molecule generation task, both of which will significantly benefit real-world
applications such as material design and drug screening.
|
Phase Retrieval via Randomized Kaczmarz: Theoretical Guarantees | We consider the problem of phase retrieval, i.e. that of solving systems of
quadratic equations. A simple variant of the randomized Kaczmarz method was
recently proposed for phase retrieval, and it was shown numerically to have a
computational edge over state-of-the-art Wirtinger flow methods. In this paper,
we provide the first theoretical guarantee for the convergence of the
randomized Kaczmarz method for phase retrieval. We show that it is sufficient
to have as many Gaussian measurements as the dimension, up to a constant
factor. Along the way, we introduce a sufficient condition on measurement sets
for which the randomized Kaczmarz method is guaranteed to work. We show that
Gaussian sampling vectors satisfy this property with high probability; this is
proved using a chaining argument coupled with bounds on VC dimension and metric
entropy.
|
Hypothesis Testing For Densities and High-Dimensional Multinomials:
Sharp Local Minimax Rates | We consider the goodness-of-fit testing problem of distinguishing whether the
data are drawn from a specified distribution, versus a composite alternative
separated from the null in the total variation metric. In the discrete case, we
consider goodness-of-fit testing when the null distribution has a possibly
growing or unbounded number of categories. In the continuous case, we consider
testing a Lipschitz density, with possibly unbounded support, in the
low-smoothness regime where the Lipschitz parameter is not assumed to be
constant. In contrast to existing results, we show that the minimax rate and
critical testing radius in these settings depend strongly, and in a precise
way, on the null distribution being tested and this motivates the study of the
(local) minimax rate as a function of the null distribution. For multinomials
the local minimax rate was recently studied in the work of Valiant and Valiant.
We re-visit and extend their results and develop two modifications to the
chi-squared test whose performance we characterize. For testing Lipschitz
densities, we show that the usual binning tests are inadequate in the
low-smoothness regime and we design a spatially adaptive partitioning scheme
that forms the basis for our locally minimax optimal tests. Furthermore, we
provide the first local minimax lower bounds for this problem which yield a
sharp characterization of the dependence of the critical radius on the null
hypothesis being tested. In the low-smoothness regime we also provide adaptive
tests, that adapt to the unknown smoothness parameter. We illustrate our
results with a variety of simulations that demonstrate the practical utility of
our proposed tests.
|
Automated Audio Captioning with Recurrent Neural Networks | We present the first approach to automated audio captioning. We employ an
encoder-decoder scheme with an alignment model in between. The input to the
encoder is a sequence of log mel-band energies calculated from an audio file,
while the output is a sequence of words, i.e. a caption. The encoder is a
multi-layered, bi-directional gated recurrent unit (GRU) and the decoder a
multi-layered GRU with a classification layer connected to the last GRU of the
decoder. The classification layer and the alignment model are fully connected
layers with shared weights between timesteps. The proposed method is evaluated
using data drawn from a commercial sound effects library, ProSound Effects. The
resulting captions were rated through metrics utilized in machine translation
and image captioning fields. Results from metrics show that the proposed method
can predict words appearing in the original caption, but not always correctly
ordered.
|
Improvement of training set structure in fusion data cleaning using
Time-Domain Global Similarity method | Traditional data cleaning identifies dirty data by classifying original data
sequences, which is a class$-$imbalanced problem since the proportion of
incorrect data is much less than the proportion of correct ones for most
diagnostic systems in Magnetic Confinement Fusion (MCF) devices. When using
machine learning algorithms to classify diagnostic data based on
class$-$imbalanced training set, most classifiers are biased towards the major
class and show very poor classification rates on the minor class. By
transforming the direct classification problem about original data sequences
into a classification problem about the physical similarity between data
sequences, the class$-$balanced effect of Time$-$Domain Global Similarity
(TDGS) method on training set structure is investigated in this paper.
Meanwhile, the impact of improved training set structure on data cleaning
performance of TDGS method is demonstrated with an application example in EAST
POlarimetry$-$INTerferometry (POINT) system.
|
Preference-based performance measures for Time-Domain Global Similarity
method | For Time-Domain Global Similarity (TDGS) method, which transforms the data
cleaning problem into a binary classification problem about the physical
similarity between channels, directly adopting common performance measures
could only guarantee the performance for physical similarity. Nevertheless,
practical data cleaning tasks have preferences for the correctness of original
data sequences. To obtain the general expressions of performance measures based
on the preferences of tasks, the mapping relations between performance of TDGS
method about physical similarity and correctness of data sequences are
investigated by probability theory in this paper. Performance measures for TDGS
method in several common data cleaning tasks are set. Cases when these
preference-based performance measures could be simplified are introduced.
|
Neural Sequence Model Training via $\alpha$-divergence Minimization | We propose a new neural sequence model training method in which the objective
function is defined by $\alpha$-divergence. We demonstrate that the objective
function generalizes the maximum-likelihood (ML)-based and reinforcement
learning (RL)-based objective functions as special cases (i.e., ML corresponds
to $\alpha \to 0$ and RL to $\alpha \to1$). We also show that the gradient of
the objective function can be considered a mixture of ML- and RL-based
objective gradients. The experimental results of a machine translation task
show that minimizing the objective function with $\alpha > 0$ outperforms
$\alpha \to 0$, which corresponds to ML-based methods.
|
Providing Effective Real-time Feedback in Simulation-based Surgical
Training | Virtual reality simulation is becoming popular as a training platform in
surgical education. However, one important aspect of simulation-based surgical
training that has not received much attention is the provision of automated
real-time performance feedback to support the learning process. Performance
feedback is actionable advice that improves novice behaviour. In simulation,
automated feedback is typically extracted from prediction models trained using
data mining techniques. Existing techniques suffer from either low
effectiveness or low efficiency resulting in their inability to be used in
real-time. In this paper, we propose a random forest based method that finds a
balance between effectiveness and efficiency. Experimental results in a
temporal bone surgery simulation show that the proposed method is able to
extract highly effective feedback at a high level of efficiency.
|
Persistence Diagrams with Linear Machine Learning Models | Persistence diagrams have been widely recognized as a compact descriptor for
characterizing multiscale topological features in data. When many datasets are
available, statistical features embedded in those persistence diagrams can be
extracted by applying machine learnings. In particular, the ability for
explicitly analyzing the inverse in the original data space from those
statistical features of persistence diagrams is significantly important for
practical applications. In this paper, we propose a unified method for the
inverse analysis by combining linear machine learning models with persistence
images. The method is applied to point clouds and cubical sets, showing the
ability of the statistical inverse analysis and its advantages.
|
Prepaid or Postpaid? That is the question. Novel Methods of Subscription
Type Prediction in Mobile Phone Services | In this paper we investigate the behavioural differences between mobile phone
customers with prepaid and postpaid subscriptions. Our study reveals that (a)
postpaid customers are more active in terms of service usage and (b) there are
strong structural correlations in the mobile phone call network as connections
between customers of the same subscription type are much more frequent than
those between customers of different subscription types. Based on these
observations we provide methods to detect the subscription type of customers by
using information about their personal call statistics, and also their
egocentric networks simultaneously. The key of our first approach is to cast
this classification problem as a problem of graph labelling, which can be
solved by max-flow min-cut algorithms. Our experiments show that, by using both
user attributes and relationships, the proposed graph labelling approach is
able to achieve a classification accuracy of $\sim 87\%$, which outperforms by
$\sim 7\%$ supervised learning methods using only user attributes. In our
second problem we aim to infer the subscription type of customers of external
operators. We propose via approximate methods to solve this problem by using
node attributes, and a two-ways indirect inference method based on observed
homophilic structural correlations. Our results have straightforward
applications in behavioural prediction and personal marketing.
|
Rule-Mining based classification: a benchmark study | This study proposed an exhaustive stable/reproducible rule-mining algorithm
combined to a classifier to generate both accurate and interpretable models.
Our method first extracts rules (i.e., a conjunction of conditions about the
values of a small number of input features) with our exhaustive rule-mining
algorithm, then constructs a new feature space based on the most relevant rules
called "local features" and finally, builds a local predictive model by
training a standard classifier on the new local feature space. This local
feature space is easy interpretable by providing a human-understandable
explanation under the explicit form of rules. Furthermore, our local predictive
approach is as powerful as global classical ones like logistic regression (LR),
support vector machine (SVM) and rules based methods like random forest (RF)
and gradient boosted tree (GBT).
|
Optimization Methods for Supervised Machine Learning: From Linear Models
to Deep Learning | The goal of this tutorial is to introduce key models, algorithms, and open
questions related to the use of optimization methods for solving problems
arising in machine learning. It is written with an INFORMS audience in mind,
specifically those readers who are familiar with the basics of optimization
algorithms, but less familiar with machine learning. We begin by deriving a
formulation of a supervised learning problem and show how it leads to various
optimization problems, depending on the context and underlying assumptions. We
then discuss some of the distinctive features of these optimization problems,
focusing on the examples of logistic regression and the training of deep neural
networks. The latter half of the tutorial focuses on optimization algorithms,
first for convex logistic regression, for which we discuss the use of
first-order methods, the stochastic gradient method, variance reducing
stochastic methods, and second-order methods. Finally, we discuss how these
approaches can be employed to the training of deep neural networks, emphasizing
the difficulties that arise from the complex, nonconvex structure of these
models.
|
On Fairness, Diversity and Randomness in Algorithmic Decision Making | Consider a binary decision making process where a single machine learning
classifier replaces a multitude of humans. We raise questions about the
resulting loss of diversity in the decision making process. We study the
potential benefits of using random classifier ensembles instead of a single
classifier in the context of fairness-aware learning and demonstrate various
attractive properties: (i) an ensemble of fair classifiers is guaranteed to be
fair, for several different measures of fairness, (ii) an ensemble of unfair
classifiers can still achieve fair outcomes, and (iii) an ensemble of
classifiers can achieve better accuracy-fairness trade-offs than a single
classifier. Finally, we introduce notions of distributional fairness to
characterize further potential benefits of random classifier ensembles.
|
Improving Session Recommendation with Recurrent Neural Networks by
Exploiting Dwell Time | Recently, Recurrent Neural Networks (RNNs) have been applied to the task of
session-based recommendation. These approaches use RNNs to predict the next
item in a user session based on the previ- ously visited items. While some
approaches consider additional item properties, we argue that item dwell time
can be used as an implicit measure of user interest to improve session-based
item recommen- dations. We propose an extension to existing RNN approaches that
captures user dwell time in addition to the visited items and show that
recommendation performance can be improved. Additionally, we investigate the
usefulness of a single validation split for model selection in the case of
minor improvements and find that in our case the best model is not selected and
a fold-like study with different validation sets is necessary to ensure the
selection of the best model.
|
Probabilistic Active Learning of Functions in Structural Causal Models | We consider the problem of learning the functions computing children from
parents in a Structural Causal Model once the underlying causal graph has been
identified. This is in some sense the second step after causal discovery.
Taking a probabilistic approach to estimating these functions, we derive a
natural myopic active learning scheme that identifies the intervention which is
optimally informative about all of the unknown functions jointly, given
previously observed data. We test the derived algorithms on simple examples, to
demonstrate that they produce a structured exploration policy that
significantly improves on unstructured base-lines.
|
Towards Understanding Generalization of Deep Learning: Perspective of
Loss Landscapes | It is widely observed that deep learning models with learned parameters
generalize well, even with much more model parameters than the number of
training samples. We systematically investigate the underlying reasons why deep
neural networks often generalize well, and reveal the difference between the
minima (with the same training error) that generalize well and those they
don't. We show that it is the characteristics the landscape of the loss
function that explains the good generalization capability. For the landscape of
loss function for deep networks, the volume of basin of attraction of good
minima dominates over that of poor minima, which guarantees optimization
methods with random initialization to converge to good minima. We theoretically
justify our findings through analyzing 2-layer neural networks; and show that
the low-complexity solutions have a small norm of Hessian matrix with respect
to model parameters. For deeper networks, extensive numerical evidence helps to
support our arguments.
|
Bridging the Gap between Probabilistic and Deterministic Models: A
Simulation Study on a Variational Bayes Predictive Coding Recurrent Neural
Network Model | The current paper proposes a novel variational Bayes predictive coding RNN
model, which can learn to generate fluctuated temporal patterns from exemplars.
The model learns to maximize the lower bound of the weighted sum of the
regularization and reconstruction error terms. We examined how this weighting
can affect development of different types of information processing while
learning fluctuated temporal patterns. Simulation results show that strong
weighting of the reconstruction term causes the development of deterministic
chaos for imitating the randomness observed in target sequences, while strong
weighting of the regularization term causes the development of stochastic
dynamics imitating probabilistic processes observed in targets. Moreover,
results indicate that the most generalized learning emerges between these two
extremes. The paper concludes with implications in terms of the underlying
neuronal mechanisms for autism spectrum disorder and for free action.
|
SafetyNets: Verifiable Execution of Deep Neural Networks on an Untrusted
Cloud | Inference using deep neural networks is often outsourced to the cloud since
it is a computationally demanding task. However, this raises a fundamental
issue of trust. How can a client be sure that the cloud has performed inference
correctly? A lazy cloud provider might use a simpler but less accurate model to
reduce its own computational load, or worse, maliciously modify the inference
results sent to the client. We propose SafetyNets, a framework that enables an
untrusted server (the cloud) to provide a client with a short mathematical
proof of the correctness of inference tasks that they perform on behalf of the
client. Specifically, SafetyNets develops and implements a specialized
interactive proof (IP) protocol for verifiable execution of a class of deep
neural networks, i.e., those that can be represented as arithmetic circuits.
Our empirical results on three- and four-layer deep neural networks demonstrate
the run-time costs of SafetyNets for both the client and server are low.
SafetyNets detects any incorrect computations of the neural network by the
untrusted server with high probability, while achieving state-of-the-art
accuracy on the MNIST digit recognition (99.4%) and TIMIT speech recognition
tasks (75.22%).
|
Lifelong Learning in Costly Feature Spaces | An important long-term goal in machine learning systems is to build learning
agents that, like humans, can learn many tasks over their lifetime, and
moreover use information from these tasks to improve their ability to do so
efficiently. In this work, our goal is to provide new theoretical insights into
the potential of this paradigm. In particular, we propose a lifelong learning
framework that adheres to a novel notion of resource efficiency that is
critical in many real-world domains where feature evaluations are costly. That
is, our learner aims to reuse information from previously learned related tasks
to learn future tasks in a feature-efficient manner. Furthermore, we consider
novel combinatorial ways in which learning tasks can relate. Specifically, we
design lifelong learning algorithms for two structurally different and widely
used families of target functions: decision trees/lists and
monomials/polynomials. We also provide strong feature-efficiency guarantees for
these algorithms; in fact, we show that in order to learn future targets, we
need only slightly more feature evaluations per training example than what is
needed to predict on an arbitrary example using those targets. We also provide
algorithms with guarantees in an agnostic model where not all the targets are
related to each other. Finally, we also provide lower bounds on the performance
of a lifelong learner in these models, which are in fact tight under some
conditions.
|
Noisy Networks for Exploration | We introduce NoisyNet, a deep reinforcement learning agent with parametric
noise added to its weights, and show that the induced stochasticity of the
agent's policy can be used to aid efficient exploration. The parameters of the
noise are learned with gradient descent along with the remaining network
weights. NoisyNet is straightforward to implement and adds little computational
overhead. We find that replacing the conventional exploration heuristics for
A3C, DQN and dueling agents (entropy reward and $\epsilon$-greedy respectively)
with NoisyNet yields substantially higher scores for a wide range of Atari
games, in some cases advancing the agent from sub to super-human performance.
|
From Parity to Preference-based Notions of Fairness in Classification | The adoption of automated, data-driven decision making in an ever expanding
range of applications has raised concerns about its potential unfairness
towards certain social groups. In this context, a number of recent studies have
focused on defining, detecting, and removing unfairness from data-driven
decision systems. However, the existing notions of fairness, based on parity
(equality) in treatment or outcomes for different social groups, tend to be
quite stringent, limiting the overall decision making accuracy. In this paper,
we draw inspiration from the fair-division and envy-freeness literature in
economics and game theory and propose preference-based notions of fairness --
given the choice between various sets of decision treatments or outcomes, any
group of users would collectively prefer its treatment or outcomes, regardless
of the (dis)parity as compared to the other groups. Then, we introduce
tractable proxies to design margin-based classifiers that satisfy these
preference-based notions of fairness. Finally, we experiment with a variety of
synthetic and real-world datasets and show that preference-based fairness
allows for greater decision accuracy than parity-based fairness.
|
Penalizing Unfairness in Binary Classification | We present a new approach for mitigating unfairness in learned classifiers.
In particular, we focus on binary classification tasks over individuals from
two populations, where, as our criterion for fairness, we wish to achieve
similar false positive rates in both populations, and similar false negative
rates in both populations. As a proof of concept, we implement our approach and
empirically evaluate its ability to achieve both fairness and accuracy, using
datasets from the fields of criminal risk assessment, credit, lending, and
college admissions.
|
Data Decisions and Theoretical Implications when Adversarially Learning
Fair Representations | How can we learn a classifier that is "fair" for a protected or sensitive
group, when we do not know if the input to the classifier belongs to the
protected group? How can we train such a classifier when data on the protected
group is difficult to attain? In many settings, finding out the sensitive input
attribute can be prohibitively expensive even during model training, and
sometimes impossible during model serving. For example, in recommender systems,
if we want to predict if a user will click on a given recommendation, we often
do not know many attributes of the user, e.g., race or age, and many attributes
of the content are hard to determine, e.g., the language or topic. Thus, it is
not feasible to use a different classifier calibrated based on knowledge of the
sensitive attribute.
Here, we use an adversarial training procedure to remove information about
the sensitive attribute from the latent representation learned by a neural
network. In particular, we study how the choice of data for the adversarial
training effects the resulting fairness properties. We find two interesting
results: a small amount of data is needed to train these adversarial models,
and the data distribution empirically drives the adversary's notion of
fairness.
|
Exploring the Imposition of Synaptic Precision Restrictions For
Evolutionary Synthesis of Deep Neural Networks | A key contributing factor to incredible success of deep neural networks has
been the significant rise on massively parallel computing devices allowing
researchers to greatly increase the size and depth of deep neural networks,
leading to significant improvements in modeling accuracy. Although deeper,
larger, or complex deep neural networks have shown considerable promise, the
computational complexity of such networks is a major barrier to utilization in
resource-starved scenarios. We explore the synaptogenesis of deep neural
networks in the formation of efficient deep neural network architectures within
an evolutionary deep intelligence framework, where a probabilistic generative
modeling strategy is introduced to stochastically synthesize increasingly
efficient yet effective offspring deep neural networks over generations,
mimicking evolutionary processes such as heredity, random mutation, and natural
selection in a probabilistic manner. In this study, we primarily explore the
imposition of synaptic precision restrictions and its impact on the
evolutionary synthesis of deep neural networks to synthesize more efficient
network architectures tailored for resource-starved scenarios. Experimental
results show significant improvements in synaptic efficiency (~10X decrease for
GoogLeNet-based DetectNet) and inference speed (>5X increase for
GoogLeNet-based DetectNet) while preserving modeling accuracy.
|
SAM: Semantic Attribute Modulation for Language Modeling and Style
Variation | This paper presents a Semantic Attribute Modulation (SAM) for language
modeling and style variation. The semantic attribute modulation includes
various document attributes, such as titles, authors, and document categories.
We consider two types of attributes, (title attributes and category
attributes), and a flexible attribute selection scheme by automatically scoring
them via an attribute attention mechanism. The semantic attributes are embedded
into the hidden semantic space as the generation inputs. With the attributes
properly harnessed, our proposed SAM can generate interpretable texts with
regard to the input attributes. Qualitative analysis, including word semantic
analysis and attention values, shows the interpretability of SAM. On several
typical text datasets, we empirically demonstrate the superiority of the
Semantic Attribute Modulated language model with different combinations of
document attributes. Moreover, we present a style variation for the lyric
generation using SAM, which shows a strong connection between the style
variation and the semantic attributes.
|
Sample-efficient Actor-Critic Reinforcement Learning with Supervised
Data for Dialogue Management | Deep reinforcement learning (RL) methods have significant potential for
dialogue policy optimisation. However, they suffer from a poor performance in
the early stages of learning. This is especially problematic for on-line
learning with real users. Two approaches are introduced to tackle this problem.
Firstly, to speed up the learning process, two sample-efficient neural networks
algorithms: trust region actor-critic with experience replay (TRACER) and
episodic natural actor-critic with experience replay (eNACER) are presented.
For TRACER, the trust region helps to control the learning step size and avoid
catastrophic model changes. For eNACER, the natural gradient identifies the
steepest ascent direction in policy space to speed up the convergence. Both
models employ off-policy learning with experience replay to improve
sample-efficiency. Secondly, to mitigate the cold start issue, a corpus of
demonstration data is utilised to pre-train the models prior to on-line
reinforcement learning. Combining these two approaches, we demonstrate a
practical approach to learn deep RL-based dialogue policies and demonstrate
their effectiveness in a task-oriented information seeking domain.
|
Fast Approximate Nearest Neighbor Search With The Navigating
Spreading-out Graph | Approximate nearest neighbor search (ANNS) is a fundamental problem in
databases and data mining. A scalable ANNS algorithm should be both
memory-efficient and fast. Some early graph-based approaches have shown
attractive theoretical guarantees on search time complexity, but they all
suffer from the problem of high indexing time complexity. Recently, some
graph-based methods have been proposed to reduce indexing complexity by
approximating the traditional graphs; these methods have achieved revolutionary
performance on million-scale datasets. Yet, they still can not scale to
billion-node databases. In this paper, to further improve the search-efficiency
and scalability of graph-based methods, we start by introducing four aspects:
(1) ensuring the connectivity of the graph; (2) lowering the average out-degree
of the graph for fast traversal; (3) shortening the search path; and (4)
reducing the index size. Then, we propose a novel graph structure called
Monotonic Relative Neighborhood Graph (MRNG) which guarantees very low search
complexity (close to logarithmic time). To further lower the indexing
complexity and make it practical for billion-node ANNS problems, we propose a
novel graph structure named Navigating Spreading-out Graph (NSG) by
approximating the MRNG. The NSG takes the four aspects into account
simultaneously. Extensive experiments show that NSG outperforms all the
existing algorithms significantly. In addition, NSG shows superior performance
in the E-commercial search scenario of Taobao (Alibaba Group) and has been
integrated into their search engine at billion-node scale.
|
Teacher-Student Curriculum Learning | We propose Teacher-Student Curriculum Learning (TSCL), a framework for
automatic curriculum learning, where the Student tries to learn a complex task
and the Teacher automatically chooses subtasks from a given set for the Student
to train on. We describe a family of Teacher algorithms that rely on the
intuition that the Student should practice more those tasks on which it makes
the fastest progress, i.e. where the slope of the learning curve is highest. In
addition, the Teacher algorithms address the problem of forgetting by also
choosing tasks where the Student's performance is getting worse. We demonstrate
that TSCL matches or surpasses the results of carefully hand-crafted curricula
in two tasks: addition of decimal numbers with LSTM and navigation in
Minecraft. Using our automatically generated curriculum enabled to solve a
Minecraft maze that could not be solved at all when training directly on
solving the maze, and the learning was an order of magnitude faster than
uniform sampling of subtasks.
|
On Scalable Inference with Stochastic Gradient Descent | In many applications involving large dataset or online updating, stochastic
gradient descent (SGD) provides a scalable way to compute parameter estimates
and has gained increasing popularity due to its numerical convenience and
memory efficiency. While the asymptotic properties of SGD-based estimators have
been established decades ago, statistical inference such as interval estimation
remains much unexplored. The traditional resampling method such as the
bootstrap is not computationally feasible since it requires to repeatedly draw
independent samples from the entire dataset. The plug-in method is not
applicable when there are no explicit formulas for the covariance matrix of the
estimator. In this paper, we propose a scalable inferential procedure for
stochastic gradient descent, which, upon the arrival of each observation,
updates the SGD estimate as well as a large number of randomly perturbed SGD
estimates. The proposed method is easy to implement in practice. We establish
its theoretical properties for a general class of models that includes
generalized linear models and quantile regression models as special cases. The
finite-sample performance and numerical utility is evaluated by simulation
studies and two real data applications.
|
Efficient Correlated Topic Modeling with Topic Embedding | Correlated topic modeling has been limited to small model and problem sizes
due to their high computational cost and poor scaling. In this paper, we
propose a new model which learns compact topic embeddings and captures topic
correlations through the closeness between the topic vectors. Our method
enables efficient inference in the low-dimensional embedding space, reducing
previous cubic or quadratic time complexity to linear w.r.t the topic size. We
further speedup variational inference with a fast sampler to exploit sparsity
of topic occurrence. Extensive experiments show that our approach is capable of
handling model and data scales which are several orders of magnitude larger
than existing correlation results, without sacrificing modeling quality by
providing competitive or superior performance in document classification and
retrieval.
|
Location Dependent Dirichlet Processes | Dirichlet processes (DP) are widely applied in Bayesian nonparametric
modeling. However, in their basic form they do not directly integrate
dependency information among data arising from space and time. In this paper,
we propose location dependent Dirichlet processes (LDDP) which incorporate
nonparametric Gaussian processes in the DP modeling framework to model such
dependencies. We develop the LDDP in the context of mixture modeling, and
develop a mean field variational inference algorithm for this mixture model.
The effectiveness of the proposed modeling framework is shown on an image
segmentation task.
|
Classification non supervis\'ee des donn\'ees h\'et\'erog\`enes \`a
large \'echelle | When it comes to cluster massive data, response time, disk access and quality
of formed classes becoming major issues for companies. It is in this context
that we have come to define a clustering framework for large scale
heterogeneous data that contributes to the resolution of these issues. The
proposed framework is based on, firstly, the descriptive analysis based on MCA,
and secondly, the MapReduce paradigm in a large scale environment. The results
are encouraging and prove the efficiency of the hybrid deployment on response
quality and time component as on qualitative and quantitative data.
|
Stochastic Configuration Networks Ensemble for Large-Scale Data
Analytics | This paper presents a fast decorrelated neuro-ensemble with heterogeneous
features for large-scale data analytics, where stochastic configuration
networks (SCNs) are employed as base learner models and the well-known negative
correlation learning (NCL) strategy is adopted to evaluate the output weights.
By feeding a large number of samples into the SCN base models, we obtain a huge
sized linear equation system which is difficult to be solved by means of
computing a pseudo-inverse used in the least squares method. Based on the group
of heterogeneous features, the block Jacobi and Gauss-Seidel methods are
employed to iteratively evaluate the output weights, and a convergence analysis
is given with a demonstration on the uniqueness of these iterative solutions.
Experiments with comparisons on two large-scale datasets are carried out, and
the system robustness with respect to the regularizing factor used in NCL is
given. Results indicate that the proposed ensemble learning techniques have
good potential for resolving large-scale data modelling problems.
|
Variance Regularizing Adversarial Learning | We introduce a novel approach for training adversarial models by replacing
the discriminator score with a bi-modal Gaussian distribution over the
real/fake indicator variables. In order to do this, we train the Gaussian
classifier to match the target bi-modal distribution implicitly through
meta-adversarial training. We hypothesize that this approach ensures a non-zero
gradient to the generator, even in the limit of a perfect classifier. We test
our method against standard benchmark image datasets as well as show the
classifier output distribution is smooth and has overlap between the real and
fake modes.
|
Dimensionality reduction with missing values imputation | In this study, we propose a new statical approach for high-dimensionality
reduction of heterogenous data that limits the curse of dimensionality and
deals with missing values. To handle these latter, we propose to use the Random
Forest imputation's method. The main purpose here is to extract useful
information and so reducing the search space to facilitate the data exploration
process. Several illustrative numeric examples, using data coming from publicly
available machine learning repositories are also included. The experimental
component of the study shows the efficiency of the proposed analytical
approach.
|
Deep Convolutional Framelets: A General Deep Learning Framework for
Inverse Problems | Recently, deep learning approaches with various network architectures have
achieved significant performance improvement over existing iterative
reconstruction methods in various imaging problems. However, it is still
unclear why these deep learning architectures work for specific inverse
problems. To address these issues, here we show that the long-searched-for
missing link is the convolution framelets for representing a signal by
convolving local and non-local bases. The convolution framelets was originally
developed to generalize the theory of low-rank Hankel matrix approaches for
inverse problems, and this paper further extends the idea so that we can obtain
a deep neural network using multilayer convolution framelets with perfect
reconstruction (PR) under rectilinear linear unit nonlinearity (ReLU). Our
analysis also shows that the popular deep network components such as residual
block, redundant filter channels, and concatenated ReLU (CReLU) do indeed help
to achieve the PR, while the pooling and unpooling layers should be augmented
with high-pass branches to meet the PR condition. Moreover, by changing the
number of filter channels and bias, we can control the shrinkage behaviors of
the neural network. This discovery leads us to propose a novel theory for deep
convolutional framelets neural network. Using numerical experiments with
various inverse problems, we demonstrated that our deep convolution framelets
network shows consistent improvement over existing deep architectures.This
discovery suggests that the success of deep learning is not from a magical
power of a black-box, but rather comes from the power of a novel signal
representation using non-local basis combined with data-driven local basis,
which is indeed a natural extension of classical signal processing theory.
|
Convolutional Dictionary Learning: Acceleration and Convergence | Convolutional dictionary learning (CDL or sparsifying CDL) has many
applications in image processing and computer vision. There has been growing
interest in developing efficient algorithms for CDL, mostly relying on the
augmented Lagrangian (AL) method or the variant alternating direction method of
multipliers (ADMM). When their parameters are properly tuned, AL methods have
shown fast convergence in CDL. However, the parameter tuning process is not
trivial due to its data dependence and, in practice, the convergence of AL
methods depends on the AL parameters for nonconvex CDL problems. To moderate
these problems, this paper proposes a new practically feasible and convergent
Block Proximal Gradient method using a Majorizer (BPG-M) for CDL. The
BPG-M-based CDL is investigated with different block updating schemes and
majorization matrix designs, and further accelerated by incorporating some
momentum coefficient formulas and restarting techniques. All of the methods
investigated incorporate a boundary artifacts removal (or, more generally,
sampling) operator in the learning model. Numerical experiments show that,
without needing any parameter tuning process, the proposed BPG-M approach
converges more stably to desirable solutions of lower objective values than the
existing state-of-the-art ADMM algorithm and its memory-efficient variant do.
Compared to the ADMM approaches, the BPG-M method using a multi-block updating
scheme is particularly useful in single-threaded CDL algorithm handling large
datasets, due to its lower memory requirement and no polynomial computational
complexity. Image denoising experiments show that, for relatively strong
additive white Gaussian noise, the filters learned by BPG-M-based CDL
outperform those trained by the ADMM approach.
|
Fair Pipelines | This work facilitates ensuring fairness of machine learning in the real world
by decoupling fairness considerations in compound decisions. In particular,
this work studies how fairness propagates through a compound decision-making
processes, which we call a pipeline. Prior work in algorithmic fairness only
focuses on fairness with respect to one decision. However, many decision-making
processes require more than one decision. For instance, hiring is at least a
two stage model: deciding who to interview from the applicant pool and then
deciding who to hire from the interview pool. Perhaps surprisingly, we show
that the composition of fair components may not guarantee a fair pipeline under
a $(1+\varepsilon)$-equal opportunity definition of fair. However, we identify
circumstances that do provide that guarantee. We also propose numerous
directions for future work on more general compound machine learning decisions.
|
Dual Supervised Learning | Many supervised learning tasks are emerged in dual forms, e.g.,
English-to-French translation vs. French-to-English translation, speech
recognition vs. text to speech, and image classification vs. image generation.
Two dual tasks have intrinsic connections with each other due to the
probabilistic correlation between their models. This connection is, however,
not effectively utilized today, since people usually train the models of two
dual tasks separately and independently. In this work, we propose training the
models of two dual tasks simultaneously, and explicitly exploiting the
probabilistic correlation between them to regularize the training process. For
ease of reference, we call the proposed approach \emph{dual supervised
learning}. We demonstrate that dual supervised learning can improve the
practical performances of both tasks, for various applications including
machine translation, image processing, and sentiment analysis.
|
Learning Deep Latent Spaces for Multi-Label Classification | Multi-label classification is a practical yet challenging task in machine
learning related fields, since it requires the prediction of more than one
label category for each input instance. We propose a novel deep neural networks
(DNN) based model, Canonical Correlated AutoEncoder (C2AE), for solving this
task. Aiming at better relating feature and label domain data for improved
classification, we uniquely perform joint feature and label embedding by
deriving a deep latent space, followed by the introduction of label-correlation
sensitive loss function for recovering the predicted label outputs. Our C2AE is
achieved by integrating the DNN architectures of canonical correlation analysis
and autoencoder, which allows end-to-end learning and prediction with the
ability to exploit label dependency. Moreover, our C2AE can be easily extended
to address the learning problem with missing labels. Our experiments on
multiple datasets with different scales confirm the effectiveness and
robustness of our proposed method, which is shown to perform favorably against
state-of-the-art methods for multi-label classification.
|
Parle: parallelizing stochastic gradient descent | We propose a new algorithm called Parle for parallel training of deep
networks that converges 2-4x faster than a data-parallel implementation of SGD,
while achieving significantly improved error rates that are nearly
state-of-the-art on several benchmarks including CIFAR-10 and CIFAR-100,
without introducing any additional hyper-parameters. We exploit the phenomenon
of flat minima that has been shown to lead to improved generalization error for
deep networks. Parle requires very infrequent communication with the parameter
server and instead performs more computation on each client, which makes it
well-suited to both single-machine, multi-GPU settings and distributed
implementations.
|
Recommender System for News Articles using Supervised Learning | In the last decade we have observed a mass increase of information, in
particular information that is shared through smartphones. Consequently, the
amount of information that is available does not allow the average user to be
aware of all his options. In this context, recommender systems use a number of
techniques to help a user find the desired product. Hence, nowadays recommender
systems play an important role. Recommender Systems' aim to identify products
that best fits user preferences. These techniques are advantageous to both
users and vendors, as it enables the user to rapidly find what he needs and the
vendors to promote their products and sales. As the industry became aware of
the gains that could be accomplished by using these algorithms, also a very
interesting problem for many researchers, recommender systems became a very
active area since the mid 90's. Having in mind that this is an ongoing problem
the present thesis intends to observe the value of using a recommender
algorithm to find users likes by observing her domain preferences. In a
balanced probabilistic method, this thesis will show how news topics can be
used to recommend news articles. In this thesis, we used different machine
learning methods to determine the user ratings for an article. To tackle this
problem, supervised learning methods such as linear regression, Naive Bayes and
logistic regression are used. All the aforementioned models have a different
nature which has an impact on the solution of the given problem. Furthermore,
number of experiments are presented and discussed to identify the feature set
that fits best to the problem.
|
Hashing over Predicted Future Frames for Informed Exploration of Deep
Reinforcement Learning | In deep reinforcement learning (RL) tasks, an efficient exploration mechanism
should be able to encourage an agent to take actions that lead to less frequent
states which may yield higher accumulative future return. However, both knowing
about the future and evaluating the frequentness of states are non-trivial
tasks, especially for deep RL domains, where a state is represented by
high-dimensional image frames. In this paper, we propose a novel informed
exploration framework for deep RL, where we build the capability for an RL
agent to predict over the future transitions and evaluate the frequentness for
the predicted future frames in a meaningful manner. To this end, we train a
deep prediction model to predict future frames given a state-action pair, and a
convolutional autoencoder model to hash over the seen frames. In addition, to
utilize the counts derived from the seen frames to evaluate the frequentness
for the predicted frames, we tackle the challenge of matching the predicted
future frames and their corresponding seen frames at the latent feature level.
In this way, we derive a reliable metric for evaluating the novelty of the
future direction pointed by each action, and hence inform the agent to explore
the least frequent one.
|
Robust Cost-Sensitive Learning for Recommendation with Implicit Feedback | Recommendation is the task of improving customer experience through
personalized recommendation based on users' past feedback. In this paper, we
investigate the most common scenario: the user-item (U-I) matrix of implicit
feedback. Even though many recommendation approaches are designed based on
implicit feedback, they attempt to project the U-I matrix into a low-rank
latent space, which is a strict restriction that rarely holds in practice. In
addition, although misclassification costs from imbalanced classes are
significantly different, few methods take the cost of classification error into
account. To address aforementioned issues, we propose a robust framework by
decomposing the U-I matrix into two components: (1) a low-rank matrix that
captures the common preference, and (2) a sparse matrix that detects the
user-specific preference of individuals. A cost-sensitive learning model is
embedded into the framework. Specifically, this model exploits different costs
in the loss function for the observed and unobserved instances. We show that
the resulting non-smooth convex objective can be optimized efficiently by an
accelerated projected gradient method with closed-form solutions. Morever, the
proposed algorithm can be scaled up to large-sized datasets after a relaxation.
The theoretical result shows that even with a small fraction of 1's in the U-I
matrix $M\in\mathbb{R}^{n\times m}$, the cost-sensitive error of the proposed
model is upper bounded by $O(\frac{\alpha}{\sqrt{mn}})$, where $\alpha$ is a
bias over imbalanced classes. Finally, empirical experiments are extensively
carried out to evaluate the effectiveness of our proposed algorithm.
Encouraging experimental results show that our algorithm outperforms several
state-of-the-art algorithms on benchmark recommendation datasets.
|
Generalization Properties of Doubly Stochastic Learning Algorithms | Doubly stochastic learning algorithms are scalable kernel methods that
perform very well in practice. However, their generalization properties are not
well understood and their analysis is challenging since the corresponding
learning sequence may not be in the hypothesis space induced by the kernel. In
this paper, we provide an in-depth theoretical analysis for different variants
of doubly stochastic learning algorithms within the setting of nonparametric
regression in a reproducing kernel Hilbert space and considering the square
loss. Particularly, we derive convergence results on the generalization error
for the studied algorithms either with or without an explicit penalty term. To
the best of our knowledge, the derived results for the unregularized variants
are the first of this kind, while the results for the regularized variants
improve those in the literature. The novelties in our proof are a sample error
bound that requires controlling the trace norm of a cumulative operator, and a
refined analysis of bounding initial error.
|
Rank Determination for Low-Rank Data Completion | Recently, fundamental conditions on the sampling patterns have been obtained
for finite completability of low-rank matrices or tensors given the
corresponding ranks. In this paper, we consider the scenario where the rank is
not given and we aim to approximate the unknown rank based on the location of
sampled entries and some given completion. We consider a number of data models,
including single-view matrix, multi-view matrix, CP tensor, tensor-train tensor
and Tucker tensor. For each of these data models, we provide an upper bound on
the rank when an arbitrary low-rank completion is given. We characterize these
bounds both deterministically, i.e., with probability one given that the
sampling pattern satisfies certain combinatorial properties, and
probabilistically, i.e., with high probability given that the sampling
probability is above some threshold. Moreover, for both single-view matrix and
CP tensor, we are able to show that the obtained upper bound is exactly equal
to the unknown rank if the lowest-rank completion is given. Furthermore, we
provide numerical experiments for the case of single-view matrix, where we use
nuclear norm minimization to find a low-rank completion of the sampled data and
we observe that in most of the cases the proposed upper bound on the rank is
equal to the true rank.
|
Modulating early visual processing by language | It is commonly assumed that language refers to high-level visual concepts
while leaving low-level visual processing unaffected. This view dominates the
current literature in computational models for language-vision tasks, where
visual and linguistic input are mostly processed independently before being
fused into a single representation. In this paper, we deviate from this classic
pipeline and propose to modulate the \emph{entire visual processing} by
linguistic input. Specifically, we condition the batch normalization parameters
of a pretrained residual network (ResNet) on a language embedding. This
approach, which we call MOdulated RESnet (\MRN), significantly improves strong
baselines on two visual question answering tasks. Our ablation study shows that
modulating from the early stages of the visual processing is beneficial.
|
Deep-learning-based data page classification for holographic memory | We propose a deep-learning-based classification of data pages used in
holographic memory. We numerically investigated the classification performance
of a conventional multi-layer perceptron (MLP) and a deep neural network, under
the condition that reconstructed page data are contaminated by some noise and
are randomly laterally shifted. The MLP was found to have a classification
accuracy of 91.58%, whereas the deep neural network was able to classify data
pages at an accuracy of 99.98%. The accuracy of the deep neural network is two
orders of magnitude better than the MLP.
|
Automated Problem Identification: Regression vs Classification via
Evolutionary Deep Networks | Regression or classification? This is perhaps the most basic question faced
when tackling a new supervised learning problem. We present an Evolutionary
Deep Learning (EDL) algorithm that automatically solves this by identifying the
question type with high accuracy, along with a proposed deep architecture.
Typically, a significant amount of human insight and preparation is required
prior to executing machine learning algorithms. For example, when creating deep
neural networks, the number of parameters must be selected in advance and
furthermore, a lot of these choices are made based upon pre-existing knowledge
of the data such as the use of a categorical cross entropy loss function.
Humans are able to study a dataset and decide whether it represents a
classification or a regression problem, and consequently make decisions which
will be applied to the execution of the neural network. We propose the
Automated Problem Identification (API) algorithm, which uses an evolutionary
algorithm interface to TensorFlow to manipulate a deep neural network to decide
if a dataset represents a classification or a regression problem. We test API
on 16 different classification, regression and sentiment analysis datasets with
up to 10,000 features and up to 17,000 unique target values. API achieves an
average accuracy of $96.3\%$ in identifying the problem type without hardcoding
any insights about the general characteristics of regression or classification
problems. For example, API successfully identifies classification problems even
with 1000 target values. Furthermore, the algorithm recommends which loss
function to use and also recommends a neural network architecture. Our work is
therefore a step towards fully automated machine learning.
|
Efficient Probabilistic Performance Bounds for Inverse Reinforcement
Learning | In the field of reinforcement learning there has been recent progress towards
safety and high-confidence bounds on policy performance. However, to our
knowledge, no practical methods exist for determining high-confidence policy
performance bounds in the inverse reinforcement learning setting---where the
true reward function is unknown and only samples of expert behavior are given.
We propose a sampling method based on Bayesian inverse reinforcement learning
that uses demonstrations to determine practical high-confidence upper bounds on
the $\alpha$-worst-case difference in expected return between any evaluation
policy and the optimal policy under the expert's unknown reward function. We
evaluate our proposed bound on both a standard grid navigation task and a
simulated driving task and achieve tighter and more accurate bounds than a
feature count-based baseline. We also give examples of how our proposed bound
can be utilized to perform risk-aware policy selection and risk-aware policy
improvement. Because our proposed bound requires several orders of magnitude
fewer demonstrations than existing high-confidence bounds, it is the first
practical method that allows agents that learn from demonstration to express
confidence in the quality of their learned policy.
|
Multiscale sequence modeling with a learned dictionary | We propose a generalization of neural network sequence models. Instead of
predicting one symbol at a time, our multi-scale model makes predictions over
multiple, potentially overlapping multi-symbol tokens. A variation of the
byte-pair encoding (BPE) compression algorithm is used to learn the dictionary
of tokens that the model is trained with. When applied to language modelling,
our model has the flexibility of character-level models while maintaining many
of the performance benefits of word-level models. Our experiments show that
this model performs better than a regular LSTM on language modeling tasks,
especially for smaller models.
|
Learning to Avoid Errors in GANs by Manipulating Input Spaces | Despite recent advances, large scale visual artifacts are still a common
occurrence in images generated by GANs. Previous work has focused on improving
the generator's capability to accurately imitate the data distribution
$p_{data}$. In this paper, we instead explore methods that enable GANs to
actively avoid errors by manipulating the input space. The core idea is to
apply small changes to each noise vector in order to shift them away from areas
in the input space that tend to result in errors. We derive three different
architectures from that idea. The main one of these consists of a simple
residual module that leads to significantly less visual artifacts, while only
slightly decreasing diversity. The module is trivial to add to existing GANs
and costs almost zero computation and memory.
|
Discriminatory Transfer | We observe standard transfer learning can improve prediction accuracies of
target tasks at the cost of lowering their prediction fairness -- a phenomenon
we named discriminatory transfer. We examine prediction fairness of a standard
hypothesis transfer algorithm and a standard multi-task learning algorithm, and
show they both suffer discriminatory transfer on the real-world Communities and
Crime data set. The presented case study introduces an interaction between
fairness and transfer learning, as an extension of existing fairness studies
that focus on single task learning.
|
A simple efficient density estimator that enables fast systematic search | This paper introduces a simple and efficient density estimator that enables
fast systematic search. To show its advantage over commonly used kernel density
estimator, we apply it to outlying aspects mining. Outlying aspects mining
discovers feature subsets (or subspaces) that describe how a query stand out
from a given dataset. The task demands a systematic search of subspaces. We
identify that existing outlying aspects miners are restricted to datasets with
small data size and dimensions because they employ kernel density estimator,
which is computationally expensive, for subspace assessments. We show that a
recent outlying aspects miner can run orders of magnitude faster by simply
replacing its density estimator with the proposed density estimator, enabling
it to deal with large datasets with thousands of dimensions that would
otherwise be impossible.
|
Deep neural network initialization with decision trees | In this work a novel, automated process for constructing and initializing
deep feed-forward neural networks based on decision trees is presented. The
proposed algorithm maps a collection of decision trees trained on the data into
a collection of initialized neural networks, with the structures of the
networks determined by the structures of the trees. The tree-informed
initialization acts as a warm-start to the neural network training process,
resulting in efficiently trained, accurate networks. These models, referred to
as "deep jointly-informed neural networks" (DJINN), demonstrate high predictive
performance for a variety of regression and classification datasets, and
display comparable performance to Bayesian hyper-parameter optimization at a
lower computational cost. By combining the user-friendly features of decision
tree models with the flexibility and scalability of deep neural networks, DJINN
is an attractive algorithm for training predictive models on a wide range of
complex datasets.
|
Learning Deep Energy Models: Contrastive Divergence vs. Amortized MLE | We propose a number of new algorithms for learning deep energy models and
demonstrate their properties. We show that our SteinCD performs well in term of
test likelihood, while SteinGAN performs well in terms of generating realistic
looking images. Our results suggest promising directions for learning better
models by combining GAN-style methods with traditional energy-based learning.
|
PBODL : Parallel Bayesian Online Deep Learning for Click-Through Rate
Prediction in Tencent Advertising System | We describe a parallel bayesian online deep learning framework (PBODL) for
click-through rate (CTR) prediction within today's Tencent advertising system,
which provides quick and accurate learning of user preferences. We first
explain the framework with a deep probit regression model, which is trained
with probabilistic back-propagation in the mode of assumed Gaussian density
filtering. Then we extend the model family to a variety of bayesian online
models with increasing feature embedding capabilities, such as Sparse-MLP,
FM-MLP and FFM-MLP. Finally, we implement a parallel training system based on a
stream computing infrastructure and parameter servers. Experiments with public
available datasets and Tencent industrial datasets show that models within our
framework perform better than several common online models, such as
AdPredictor, FTRL-Proximal and MatchBox. Online A/B test within Tencent
advertising system further proves that our framework could achieve CTR and CPM
lift by learning more quickly and accurately.
|
Causal Consistency of Structural Equation Models | Complex systems can be modelled at various levels of detail. Ideally, causal
models of the same system should be consistent with one another in the sense
that they agree in their predictions of the effects of interventions. We
formalise this notion of consistency in the case of Structural Equation Models
(SEMs) by introducing exact transformations between SEMs. This provides a
general language to consider, for instance, the different levels of description
in the following three scenarios: (a) models with large numbers of variables
versus models in which the `irrelevant' or unobservable variables have been
marginalised out; (b) micro-level models versus macro-level models in which the
macro-variables are aggregate features of the micro-variables; (c) dynamical
time series models versus models of their stationary behaviour. Our analysis
stresses the importance of well specified interventions in the causal modelling
process and sheds light on the interpretation of cyclic SEMs.
|
The Maximum Cosine Framework for Deriving Perceptron Based Linear
Classifiers | In this work, we introduce a mathematical framework, called the Maximum
Cosine Framework or MCF, for deriving new linear classifiers. The method is
based on selecting an appropriate bound on the cosine of the angle between the
target function and the algorithm's. To justify its correctness, we use the MCF
to show how to regenerate the update rule of Aggressive ROMMA. Moreover, we
construct a cosine bound from which we build the Maximum Cosine Perceptron
algorithm or, for short, the MCP algorithm. We prove that the MCP shares the
same mistake bound like the Perceptron. In addition, we demonstrate the
promising performance of the MCP on a real dataset. Our experiments show that,
under the restriction of single pass learning, the MCP algorithm outperforms PA
and Aggressive ROMMA.
|
Conditional generation of multi-modal data using constrained embedding
space mapping | We present a conditional generative model that maps low-dimensional
embeddings of multiple modalities of data to a common latent space hence
extracting semantic relationships between them. The embedding specific to a
modality is first extracted and subsequently a constrained optimization
procedure is performed to project the two embedding spaces to a common
manifold. The individual embeddings are generated back from this common latent
space. However, in order to enable independent conditional inference for
separately extracting the corresponding embeddings from the common latent space
representation, we deploy a proxy variable trick - wherein, the single shared
latent space is replaced by the respective separate latent spaces of each
modality. We design an objective function, such that, during training we can
force these separate spaces to lie close to each other, by minimizing the
distance between their probability distribution functions. Experimental results
demonstrate that the learned joint model can generalize to learning concepts of
double MNIST digits with additional attributes of colors,from both textual and
speech input.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.