title
stringlengths 7
246
| abstract
stringlengths 6
3.31k
|
---|---|
Adversarial Network Compression | Neural network compression has recently received much attention due to the
computational requirements of modern deep models. In this work, our objective
is to transfer knowledge from a deep and accurate model to a smaller one. Our
contributions are threefold: (i) we propose an adversarial network compression
approach to train the small student network to mimic the large teacher, without
the need for labels during training; (ii) we introduce a regularization scheme
to prevent a trivially-strong discriminator without reducing the network
capacity and (iii) our approach generalizes on different teacher-student
models.
In an extensive evaluation on five standard datasets, we show that our
student has small accuracy drop, achieves better performance than other
knowledge transfer approaches and it surpasses the performance of the same
network trained with labels. In addition, we demonstrate state-of-the-art
results compared to other compression strategies.
|
Unsupervised Predictive Memory in a Goal-Directed Agent | Animals execute goal-directed behaviours despite the limited range and scope
of their sensors. To cope, they explore environments and store memories
maintaining estimates of important information that is not presently available.
Recently, progress has been made with artificial intelligence (AI) agents that
learn to perform tasks from sensory input, even at a human level, by merging
reinforcement learning (RL) algorithms with deep neural networks, and the
excitement surrounding these results has led to the pursuit of related ideas as
explanations of non-human animal learning. However, we demonstrate that
contemporary RL algorithms struggle to solve simple tasks when enough
information is concealed from the sensors of the agent, a property called
"partial observability". An obvious requirement for handling partially observed
tasks is access to extensive memory, but we show memory is not enough; it is
critical that the right information be stored in the right format. We develop a
model, the Memory, RL, and Inference Network (MERLIN), in which memory
formation is guided by a process of predictive modeling. MERLIN facilitates the
solution of tasks in 3D virtual reality environments for which partial
observability is severe and memories must be maintained over long durations.
Our model demonstrates a single learning agent architecture that can solve
canonical behavioural tasks in psychology and neurobiology without strong
simplifying assumptions about the dimensionality of sensory input or the
duration of experiences.
|
Unreasonable Effectivness of Deep Learning | We show how well known rules of back propagation arise from a weighted
combination of finite automata. By redefining a finite automata as a predictor
we combine the set of all $k$-state finite automata using a weighted majority
algorithm. This aggregated prediction algorithm can be simplified using
symmetry, and we prove the equivalence of an algorithm that does this. We
demonstrate that this algorithm is equivalent to a form of a back propagation
acting in a completely connected $k$-node neural network. Thus the use of the
weighted majority algorithm allows a bound on the general performance of deep
learning approaches to prediction via known results from online statistics. The
presented framework opens more detailed questions about network topology; it is
a bridge to the well studied techniques of semigroup theory and applying these
techniques to answer what specific network topologies are capable of
predicting. This informs both the design of artificial networks and the
exploration of neuroscience models.
|
Network Traffic Anomaly Detection Using Recurrent Neural Networks | We show that a recurrent neural network is able to learn a model to represent
sequences of communications between computers on a network and can be used to
identify outlier network traffic. Defending computer networks is a challenging
problem and is typically addressed by manually identifying known malicious
actor behavior and then specifying rules to recognize such behavior in network
communications. However, these rule-based approaches often generalize poorly
and identify only those patterns that are already known to researchers. An
alternative approach that does not rely on known malicious behavior patterns
can potentially also detect previously unseen patterns. We tokenize and
compress netflow into sequences of "words" that form "sentences" representative
of a conversation between computers. These sentences are then used to generate
a model that learns the semantic and syntactic grammar of the newly generated
language. We use Long-Short-Term Memory (LSTM) cell Recurrent Neural Networks
(RNN) to capture the complex relationships and nuances of this language. The
language model is then used predict the communications between two IPs and the
prediction error is used as a measurement of how typical or atyptical the
observed communication are. By learning a model that is specific to each
network, yet generalized to typical computer-to-computer traffic within and
outside the network, a language model is able to identify sequences of network
activity that are outliers with respect to the model. We demonstrate positive
unsupervised attack identification performance (AUC 0.84) on the ISCX IDS
dataset which contains seven days of network activity with normal traffic and
four distinct attack patterns.
|
Modeling Customer Engagement from Partial Observations | It is of high interest for a company to identify customers expected to bring
the largest profit in the upcoming period. Knowing as much as possible about
each customer is crucial for such predictions. However, their demographic data,
preferences, and other information that might be useful for building loyalty
programs is often missing. Additionally, modeling relations among different
customers as a network can be beneficial for predictions at an individual
level, as similar customers tend to have similar purchasing patterns. We
address this problem by proposing a robust framework for structured regression
on deficient data in evolving networks with a supervised representation
learning based on neural features embedding. The new method is compared to
several unstructured and structured alternatives for predicting customer
behavior (e.g. purchasing frequency and customer ticket) on user networks
generated from customer databases of two companies from different industries.
The obtained results show $4\%$ to $130\%$ improvement in accuracy over
alternatives when all customer information is known. Additionally, the
robustness of our method is demonstrated when up to $80\%$ of demographic
information was missing where it was up to several folds more accurate as
compared to alternatives that are either ignoring cases with missing values or
learn their feature representation in an unsupervised manner.
|
Learning to Become an Expert: Deep Networks Applied To Super-Resolution
Microscopy | With super-resolution optical microscopy, it is now possible to observe
molecular interactions in living cells. The obtained images have a very high
spatial precision but their overall quality can vary a lot depending on the
structure of interest and the imaging parameters. Moreover, evaluating this
quality is often difficult for non-expert users. In this work, we tackle the
problem of learning the quality function of super- resolution images from
scores provided by experts. More specifically, we are proposing a system based
on a deep neural network that can provide a quantitative quality measure of a
STED image of neuronal structures given as input. We conduct a user study in
order to evaluate the quality of the predictions of the neural network against
those of a human expert. Results show the potential while highlighting some of
the limits of the proposed approach.
|
Supervising Feature Influence | Causal influence measures for machine learnt classifiers shed light on the
reasons behind classification, and aid in identifying influential input
features and revealing their biases. However, such analyses involve evaluating
the classifier using datapoints that may be atypical of its training
distribution. Standard methods for training classifiers that minimize empirical
risk do not constrain the behavior of the classifier on such datapoints. As a
result, training to minimize empirical risk does not distinguish among
classifiers that agree on predictions in the training distribution but have
wildly different causal influences. We term this problem covariate shift in
causal testing and formally characterize conditions under which it arises. As a
solution to this problem, we propose a novel active learning algorithm that
constrains the influence measures of the trained model. We prove that any two
predictors whose errors are close on both the original training distribution
and the distribution of atypical points are guaranteed to have causal
influences that are also close. Further, we empirically demonstrate with
synthetic labelers that our algorithm trains models that (i) have similar
causal influences as the labeler's model, and (ii) generalize better to
out-of-distribution points while (iii) retaining their accuracy on
in-distribution points.
|
Learning Deep Representations with Probabilistic Knowledge Transfer | Knowledge Transfer (KT) techniques tackle the problem of transferring the
knowledge from a large and complex neural network into a smaller and faster
one. However, existing KT methods are tailored towards classification tasks and
they cannot be used efficiently for other representation learning tasks. In
this paper a novel knowledge transfer technique, that is capable of training a
student model that maintains the same amount of mutual information between the
learned representation and a set of (possible unknown) labels as the teacher
model, is proposed. Apart from outperforming existing KT techniques, the
proposed method allows for overcoming several limitations of existing methods
providing new insight into KT as well as novel KT applications, ranging from
knowledge transfer from handcrafted feature extractors to {cross-modal} KT from
the textual modality into the representation extracted from the visual modality
of the data.
|
Defending against Adversarial Images using Basis Functions
Transformations | We study the effectiveness of various approaches that defend against
adversarial attacks on deep networks via manipulations based on basis function
representations of images. Specifically, we experiment with low-pass filtering,
PCA, JPEG compression, low resolution wavelet approximation, and
soft-thresholding. We evaluate these defense techniques using three types of
popular attacks in black, gray and white-box settings. Our results show JPEG
compression tends to outperform the other tested defenses in most of the
settings considered, in addition to soft-thresholding, which performs well in
specific cases, and yields a more mild decrease in accuracy on benign examples.
In addition, we also mathematically derive a novel white-box attack in which
the adversarial perturbation is composed only of terms corresponding a to
pre-determined subset of the basis functions, of which a "low frequency attack"
is a special case.
|
Non-Convex Matrix Completion Against a Semi-Random Adversary | Matrix completion is a well-studied problem with many machine learning
applications. In practice, the problem is often solved by non-convex
optimization algorithms. However, the current theoretical analysis for
non-convex algorithms relies heavily on the assumption that every entry is
observed with exactly the same probability $p$, which is not realistic in
practice.
In this paper, we investigate a more realistic semi-random model, where the
probability of observing each entry is at least $p$. Even with this mild
semi-random perturbation, we can construct counter-examples where existing
non-convex algorithms get stuck in bad local optima.
In light of the negative results, we propose a pre-processing step that tries
to re-weight the semi-random input, so that it becomes "similar" to a random
input. We give a nearly-linear time algorithm for this problem, and show that
after our pre-processing, all the local minima of the non-convex objective can
be used to approximately recover the underlying ground-truth matrix.
|
An Empirical Analysis of Constrained Support Vector Quantile Regression
for Nonparametric Probabilistic Forecasting of Wind Power | Uncertainty analysis in the form of probabilistic forecasting can provide
significant improvements in decision-making processes in the smart power grid
for better integrating renewable energies such as wind. Whereas point
forecasting provides a single expected value, probabilistic forecasts provide
more information in the form of quantiles, prediction intervals, or full
predictive densities. This paper analyzes the effectiveness of an approach for
nonparametric probabilistic forecasting of wind power that combines support
vector machines and nonlinear quantile regression with non-crossing
constraints. A numerical case study is conducted using publicly available wind
data from the Global Energy Forecasting Competition 2014. Multiple quantiles
are estimated to form 20%, 40%, 60% and 80% prediction intervals which are
evaluated using the pinball loss function and reliability measures. Three
benchmark models are used for comparison where results demonstrate the proposed
approach leads to significantly better performance while preventing the problem
of overlapping quantile estimates.
|
An LP-based hyperparameter optimization model for language modeling | In order to find hyperparameters for a machine learning model, algorithms
such as grid search or random search are used over the space of possible values
of the models hyperparameters. These search algorithms opt the solution that
minimizes a specific cost function. In language models, perplexity is one of
the most popular cost functions. In this study, we propose a fractional
nonlinear programming model that finds the optimal perplexity value. The
special structure of the model allows us to approximate it by a linear
programming model that can be solved using the well-known simplex algorithm. To
the best of our knowledge, this is the first attempt to use optimization
techniques to find perplexity values in the language modeling literature. We
apply our model to find hyperparameters of a language model and compare it to
the grid search algorithm. Furthermore, we illustrating that it results in
lower perplexity values. We perform this experiment on a real-world dataset
from SwiftKey to validate our proposed approach.
|
B-DCGAN:Evaluation of Binarized DCGAN for FPGA | We are trying to implement deep neural networks in the edge computing
environment for real-world applications such as the IoT(Internet of Things),
the FinTech etc., for the purpose of utilizing the significant achievement of
Deep Learning in recent years. Especially, we now focus algorithm
implementation on FPGA, because FPGA is one of the promising devices for
low-cost and low-power implementation of the edge computer. In this work, we
introduce Binary-DCGAN(B-DCGAN) - Deep Convolutional GAN model with binary
weights and activations, and with using integer-valued operations in forward
pass(train-time and run-time). And we show how to implement B-DCGAN on
FPGA(Xilinx Zynq). Using the B-DCGAN, we do feasibility study of FPGA's
characteristic and performance for Deep Learning. Because the binarization and
using integer-valued operation reduce the memory capacity and the number of the
circuit gates, it is very effective for FPGA implementation. On the other hand,
the quality of generated data from the model will be decreased by these
reductions. So we investigate the influence of these reductions.
|
Best arm identification in multi-armed bandits with delayed feedback | We propose a generalization of the best arm identification problem in
stochastic multi-armed bandits (MAB) to the setting where every pull of an arm
is associated with delayed feedback. The delay in feedback increases the
effective sample complexity of standard algorithms, but can be offset if we
have access to partial feedback received before a pull is completed. We propose
a general framework to model the relationship between partial and delayed
feedback, and as a special case we introduce efficient algorithms for settings
where the partial feedback are biased or unbiased estimators of the delayed
feedback. Additionally, we propose a novel extension of the algorithms to the
parallel MAB setting where an agent can control a batch of arms. Our
experiments in real-world settings, involving policy search and hyperparameter
optimization in computational sustainability domains for fast charging of
batteries and wildlife corridor construction, demonstrate that exploiting the
structure of partial feedback can lead to significant improvements over
baselines in both sequential and parallel MAB.
|
Error Analysis and Improving the Accuracy of Winograd Convolution for
Deep Neural Networks | Popular deep neural networks (DNNs) spend the majority of their execution
time computing convolutions. The Winograd family of algorithms can greatly
reduce the number of arithmetic operations required and is present in many DNN
software frameworks. However, the performance gain is at the expense of a
reduction in floating point (FP) numerical accuracy. In this paper, we analyse
the worst case FP error and prove the estimation of norm and conditioning of
the algorithm. We show that the bound grows exponentially with the size of the
convolution, but the error bound of the \textit{modified} algorithm is smaller
than the original one. We propose several methods for reducing FP error. We
propose a canonical evaluation ordering based on Huffman coding that reduces
summation error. We study the selection of sampling "points" experimentally and
find empirically good points for the most important sizes. We identify the main
factors associated with good points. In addition, we explore other methods to
reduce FP error, including mixed-precision convolution, and pairwise summation
across DNN channels. Using our methods we can significantly reduce FP error for
a given block size, which allows larger block sizes and reduced computation.
|
Protection against Cloning for Deep Learning | The susceptibility of deep learning to adversarial attack can be understood
in the framework of the Renormalisation Group (RG) and the vulnerability of a
specific network may be diagnosed provided the weights in each layer are known.
An adversary with access to the inputs and outputs could train a second network
to clone these weights and, having identified a weakness, use them to compute
the perturbation of the input data which exploits it. However, the RG framework
also provides a means to poison the outputs of the network imperceptibly,
without affecting their legitimate use, so as to prevent such cloning of its
weights and thereby foil the generation of adversarial data.
|
Dihedral angle prediction using generative adversarial networks | Several dihedral angles prediction methods were developed for protein
structure prediction and their other applications. However, distribution of
predicted angles would not be similar to that of real angles. To address this
we employed generative adversarial networks (GAN). Generative adversarial
networks are composed of two adversarially trained networks: a discriminator
and a generator. A discriminator distinguishes samples from a dataset and
generated samples while a generator generates realistic samples. Although the
discriminator of GANs is trained to estimate density, GAN model is intractable.
On the other hand, noise-contrastive estimation (NCE) was introduced to
estimate a normalization constant of an unnormalized statistical model and thus
the density function. In this thesis, we introduce noise-contrastive estimation
generative adversarial networks (NCE-GAN) which enables explicit density
estimation of a GAN model. And a new loss for the generator is proposed. We
also propose residue-wise variants of auxiliary classifier GAN (AC-GAN) and
Semi-supervised GAN to handle sequence information in a window. In our
experiment, the conditional generative adversarial network (C-GAN), AC-GAN and
Semi-supervised GAN were compared. And experiments done with improved
conditions were invested. We identified a phenomenon of AC-GAN that
distribution of its predicted angles is composed of unusual clusters. The
distribution of the predicted angles of Semi-supervised GAN was most similar to
the Ramachandran plot. We found that adding the output of the NCE as an
additional input of the discriminator is helpful to stabilize the training of
the GANs and to capture the detailed structures. Adding regression loss and
using predicted angles by regression loss only model could improve the
conditional generation performance of the C-GAN and AC-GAN.
|
Modified SMOTE Using Mutual Information and Different Sorts of Entropies | SMOTE is one of the oversampling techniques for balancing the datasets and it
is considered as a pre-processing step in learning algorithms. In this paper,
four new enhanced SMOTE are proposed that include an improved version of KNN in
which the attribute weights are defined by mutual information firstly and then
they are replaced by maximum entropy, Renyi entropy and Tsallis entropy. These
four pre-processing methods are combined with 1NN and J48 classifiers and their
performance are compared with the previous methods on 11 imbalanced datasets
from KEEL repository. The results show that these pre-processing methods
improves the accuracy compared with the previous stablished works. In addition,
as a case study, the first pre-processing method is applied on transportation
data of Tehran-Bazargan Highway in Iran with IR equal to 36.
|
On Hyperparameter Search in Cluster Ensembles | Quality assessments of models in unsupervised learning and clustering
verification in particular have been a long-standing problem in the machine
learning research. The lack of robust and universally applicable cluster
validity scores often makes the algorithm selection and hyperparameter
evaluation a tough guess. In this paper, we show that cluster ensemble
aggregation techniques such as consensus clustering may be used to evaluate
clusterings and their hyperparameter configurations. We use normalized mutual
information to compare individual objects of a clustering ensemble to the
constructed consensus of the whole ensemble and show, that the resulting score
can serve as an overall quality measure for clustering problems. This method is
capable of highlighting the standout clustering and hyperparameter
configuration in the ensemble even in the case of a distorted consensus. We
apply this very general framework to various data sets and give possible
directions for future research.
|
COBRAS: Fast, Iterative, Active Clustering with Pairwise Constraints | Constraint-based clustering algorithms exploit background knowledge to
construct clusterings that are aligned with the interests of a particular user.
This background knowledge is often obtained by allowing the clustering system
to pose pairwise queries to the user: should these two elements be in the same
cluster or not? Active clustering methods aim to minimize the number of queries
needed to obtain a good clustering by querying the most informative pairs
first. Ideally, a user should be able to answer a couple of these queries,
inspect the resulting clustering, and repeat these two steps until a
satisfactory result is obtained. We present COBRAS, an approach to active
clustering with pairwise constraints that is suited for such an interactive
clustering process. A core concept in COBRAS is that of a super-instance: a
local region in the data in which all instances are assumed to belong to the
same cluster. COBRAS constructs such super-instances in a top-down manner to
produce high-quality results early on in the clustering process, and keeps
refining these super-instances as more pairwise queries are given to get more
detailed clusterings later on. We experimentally demonstrate that COBRAS
produces good clusterings at fast run times, making it an excellent candidate
for the iterative clustering scenario outlined above.
|
Analyzing DNA Hybridization via machine learning | In DNA computing, it is impossible to decide whether a specific hybridization
among complex DNA molecules is effective or not within acceptable time. In
order to address this common problem, we introduce a new method based on the
machine learning technique. First, a sample set is employed to train the
Boosted Tree (BT) algorithm, and the corresponding model is obtained. Second,
this model is used to predict classification results of molecular
hybridizations. The experiments show that the average accuracy of the new
method is over 94.2%, and its average efficiency is over 90839 times higher
than that of the existing method. These results indicate that the new method
can quickly and accurately determine the biological effectiveness of molecular
hybridization for a given DNA design.
|
3D Consistent Biventricular Myocardial Segmentation Using Deep Learning
for Mesh Generation | We present a novel automated method to segment the myocardium of both left
and right ventricles in MRI volumes. The segmentation is consistent in 3D
across the slices such that it can be directly used for mesh generation. Two
specific neural networks with multi-scale coarse-to-fine prediction structure
are proposed to cope with the small training dataset and trained using an
original loss function. The former segments a slice in the middle of the
volume. Then the latter iteratively propagates the slice segmentations towards
the base and the apex, in a spatially consistent way. We perform 5-fold
cross-validation on the 15 cases from STACOM to validate the method. For
training, we use real cases and their synthetic variants generated by combining
motion simulation and image synthesis. Accurate and consistent testing results
are obtained.
|
Deep Reinforcement Learning for Traffic Light Control in Vehicular
Networks | Existing inefficient traffic light control causes numerous problems, such as
long delay and waste of energy. To improve efficiency, taking real-time traffic
information as an input and dynamically adjusting the traffic light duration
accordingly is a must. In terms of how to dynamically adjust traffic signals'
duration, existing works either split the traffic signal into equal duration or
extract limited traffic information from the real data. In this paper, we study
how to decide the traffic signals' duration based on the collected data from
different sensors and vehicular networks. We propose a deep reinforcement
learning model to control the traffic light. In the model, we quantify the
complex traffic scenario as states by collecting data and dividing the whole
intersection into small grids. The timing changes of a traffic light are the
actions, which are modeled as a high-dimension Markov decision process. The
reward is the cumulative waiting time difference between two cycles. To solve
the model, a convolutional neural network is employed to map the states to
rewards. The proposed model is composed of several components to improve the
performance, such as dueling network, target network, double Q-learning
network, and prioritized experience replay. We evaluate our model via
simulation in the Simulation of Urban MObility (SUMO) in a vehicular network,
and the simulation results show the efficiency of our model in controlling
traffic lights.
|
Notes on computational-to-statistical gaps: predictions using
statistical physics | In these notes we describe heuristics to predict computational-to-statistical
gaps in certain statistical problems. These are regimes in which the underlying
statistical problem is information-theoretically possible although no efficient
algorithm exists, rendering the problem essentially unsolvable for large
instances. The methods we describe here are based on mature, albeit
non-rigorous, tools from statistical physics.
These notes are based on a lecture series given by the authors at the Courant
Institute of Mathematical Sciences in New York City, on May 16th, 2017.
|
Conformal Prediction in Learning Under Privileged Information Paradigm
with Applications in Drug Discovery | This paper explores conformal prediction in the learning under privileged
information (LUPI) paradigm. We use the SVM+ realization of LUPI in an
inductive conformal predictor, and apply it to the MNIST benchmark dataset and
three datasets in drug discovery. The results show that using privileged
information produces valid models and improves efficiency compared to standard
SVM, however the improvement varies between the tested datasets and is not
substantial in the drug discovery applications. More importantly, using SVM+ in
a conformal prediction framework enables valid prediction intervals at
specified significance levels.
|
Security Consideration For Deep Learning-Based Image Forensics | Recently, image forensics community has paied attention to the research on
the design of effective algorithms based on deep learning technology and facts
proved that combining the domain knowledge of image forensics and deep learning
would achieve more robust and better performance than the traditional schemes.
Instead of improving it, in this paper, the safety of deep learning based
methods in the field of image forensics is taken into account. To the best of
our knowledge, this is a first work focusing on this topic. Specifically, we
experimentally find that the method using deep learning would fail when adding
the slight noise into the images (adversarial images). Furthermore, two kinds
of strategys are proposed to enforce security of deep learning-based method.
Firstly, an extra penalty term to the loss function is added, which is referred
to the 2-norm of the gradient of the loss with respect to the input images, and
then an novel training method are adopt to train the model by fusing the normal
and adversarial images. Experimental results show that the proposed algorithm
can achieve good performance even in the case of adversarial images and provide
a safety consideration for deep learning-based image forensics
|
Stochastic Gradient Hamiltonian Monte Carlo with Variance Reduction for
Bayesian Inference | Gradient-based Monte Carlo sampling algorithms, like Langevin dynamics and
Hamiltonian Monte Carlo, are important methods for Bayesian inference. In
large-scale settings, full-gradients are not affordable and thus stochastic
gradients evaluated on mini-batches are used as a replacement. In order to
reduce the high variance of noisy stochastic gradients, Dubey et al. [2016]
applied the standard variance reduction technique on stochastic gradient
Langevin dynamics and obtained both theoretical and experimental improvements.
In this paper, we apply the variance reduction tricks on Hamiltonian Monte
Carlo and achieve better theoretical convergence results compared with the
variance-reduced Langevin dynamics. Moreover, we apply the symmetric splitting
scheme in our variance-reduced Hamiltonian Monte Carlo algorithms to further
improve the theoretical results. The experimental results are also consistent
with the theoretical results. As our experiment shows, variance-reduced
Hamiltonian Monte Carlo demonstrates better performance than variance-reduced
Langevin dynamics in Bayesian regression and classification tasks on real-world
datasets.
|
Barren plateaus in quantum neural network training landscapes | Many experimental proposals for noisy intermediate scale quantum devices
involve training a parameterized quantum circuit with a classical optimization
loop. Such hybrid quantum-classical algorithms are popular for applications in
quantum simulation, optimization, and machine learning. Due to its simplicity
and hardware efficiency, random circuits are often proposed as initial guesses
for exploring the space of quantum states. We show that the exponential
dimension of Hilbert space and the gradient estimation complexity make this
choice unsuitable for hybrid quantum-classical algorithms run on more than a
few qubits. Specifically, we show that for a wide class of reasonable
parameterized quantum circuits, the probability that the gradient along any
reasonable direction is non-zero to some fixed precision is exponentially small
as a function of the number of qubits. We argue that this is related to the
2-design characteristic of random circuits, and that solutions to this problem
must be studied.
|
MemGEN: Memory is All You Need | We propose a new learning paradigm called Deep Memory. It has the potential
to completely revolutionize the Machine Learning field. Surprisingly, this
paradigm has not been reinvented yet, unlike Deep Learning. At the core of this
approach is the \textit{Learning By Heart} principle, well studied in primary
schools all over the world.
Inspired by poem recitation, or by $\pi$ decimal memorization, we propose a
concrete algorithm that mimics human behavior. We implement this paradigm on
the task of generative modeling, and apply to images, natural language and even
the $\pi$ decimals as long as one can print them as text. The proposed
algorithm even generated this paper, in a one-shot learning setting. In
carefully designed experiments, we show that the generated samples are
indistinguishable from the training examples, as measured by any statistical
tests or metrics.
|
The Classification of Cropping Patterns Based on Regional Climate
Classification Using Decision Tree Approach | Nowadays, agricultural field is experiencing problems related to climate
change that result in the changing patterns in cropping season, especially for
paddy and coarse grains, pulses roots and Tuber (CGPRT/Palawija) crops. The
cropping patterns of rice and CGPRT crops highly depend on the availability of
rainfall throughout the year. The changing and shifting of the rainy season
result in the changing cropping seasons. It is important to find out the
cropping patterns of paddy and CGPRT crops based on monthly rainfall pattern in
every area. The Oldeman's method which is usually used in the classification of
of cropping patterns of paddy and CGPRT crops is considered less able to
determine the cropping patterns because it requires to see the rainfall data
throughout the year. This research proposes an alternative solution to
determine the cropping pattern of paddy and CGPRT crops based on the pattern of
rainfall in the area using decision tree approach. There were three algorithms,
namely, J48, RandomTree and REPTree, tested to determine the best algorithm
used in the process of the classification of the cropping pattern in the area.
The results showed that J48 algorithm has a higher classification accuracy than
RandomTree and REPTree for 48%, 42.67% and 38.67%, respectively. Meanwhile, the
results of data testing into the decision tree rule indicate that most of the
areas in DKI Jakarta are suggested to apply the cropping pattern of 1 paddy
cropping and 1 CGRPT cropping (1 PS + 1 PL). While in Banten, there are three
cropping patterns that can be applied, they are, 1 paddy cropping and 1 CGPRT
cropping (1 PS + 1 PL), 3 short-period paddy croppings or 2 paddy croppings and
1 CGPRT cropping (3 short-period PS or 2 PS + 1 PL) and 2 paddy croppings and 1
CGPRT cropping (2 PS + 1 PL).
|
Performance evaluation and hyperparameter tuning of statistical and
machine-learning models using spatial data | Machine-learning algorithms have gained popularity in recent years in the
field of ecological modeling due to their promising results in predictive
performance of classification problems. While the application of such
algorithms has been highly simplified in the last years due to their
well-documented integration in commonly used statistical programming languages
such as R, there are several practical challenges in the field of ecological
modeling related to unbiased performance estimation, optimization of algorithms
using hyperparameter tuning and spatial autocorrelation. We address these
issues in the comparison of several widely used machine-learning algorithms
such as Boosted Regression Trees (BRT), k-Nearest Neighbor (WKNN), Random
Forest (RF) and Support Vector Machine (SVM) to traditional parametric
algorithms such as logistic regression (GLM) and semi-parametric ones like
generalized additive models (GAM). Different nested cross-validation methods
including hyperparameter tuning methods are used to evaluate model performances
with the aim to receive bias-reduced performance estimates. As a case study the
spatial distribution of forest disease Diplodia sapinea in the Basque Country
in Spain is investigated using common environmental variables such as
temperature, precipitation, soil or lithology as predictors. Results show that
GAM and RF (mean AUROC estimates 0.708 and 0.699) outperform all other methods
in predictive accuracy. The effect of hyperparameter tuning saturates at around
50 iterations for this data set. The AUROC differences between the bias-reduced
(spatial cross-validation) and overoptimistic (non-spatial cross-validation)
performance estimates of the GAM and RF are 0.167 (24%) and 0.213 (30%),
respectively. It is recommended to also use spatial partitioning for
cross-validation hyperparameter tuning of spatial data.
|
A Stochastic Large-scale Machine Learning Algorithm for Distributed
Features and Observations | As the size of modern data sets exceeds the disk and memory capacities of a
single computer, machine learning practitioners have resorted to parallel and
distributed computing. Given that optimization is one of the pillars of machine
learning and predictive modeling, distributed optimization methods have
recently garnered ample attention, in particular when either observations or
features are distributed, but not both. We propose a general stochastic
algorithm where observations, features, and gradient components can be sampled
in a double distributed setting, i.e., with both features and observations
distributed. Very technical analyses establish convergence properties of the
algorithm under different conditions on the learning rate (diminishing to zero
or constant). Computational experiments in Spark demonstrate a superior
performance of our algorithm versus a benchmark in early iterations of the
algorithm, which is due to the stochastic components of the algorithm.
|
Deep learning-based virtual histology staining using auto-fluorescence
of label-free tissue | Histological analysis of tissue samples is one of the most widely used
methods for disease diagnosis. After taking a sample from a patient, it goes
through a lengthy and laborious preparation, which stains the tissue to
visualize different histological features under a microscope. Here, we
demonstrate a label-free approach to create a virtually-stained microscopic
image using a single wide-field auto-fluorescence image of an unlabeled tissue
sample, bypassing the standard histochemical staining process, saving time and
cost. This method is based on deep learning, and uses a convolutional neural
network trained using a generative adversarial network model to transform an
auto-fluorescence image of an unlabeled tissue section into an image that is
equivalent to the bright-field image of the stained-version of the same sample.
We validated this method by successfully creating virtually-stained microscopic
images of human tissue samples, including sections of salivary gland, thyroid,
kidney, liver and lung tissue, also covering three different stains. This
label-free virtual-staining method eliminates cumbersome and costly
histochemical staining procedures, and would significantly simplify tissue
preparation in pathology and histology fields.
|
Learning to Adapt in Dynamic, Real-World Environments Through
Meta-Reinforcement Learning | Although reinforcement learning methods can achieve impressive results in
simulation, the real world presents two major challenges: generating samples is
exceedingly expensive, and unexpected perturbations or unseen situations cause
proficient but specialized policies to fail at test time. Given that it is
impractical to train separate policies to accommodate all situations the agent
may see in the real world, this work proposes to learn how to quickly and
effectively adapt online to new tasks. To enable sample-efficient learning, we
consider learning online adaptation in the context of model-based reinforcement
learning. Our approach uses meta-learning to train a dynamics model prior such
that, when combined with recent data, this prior can be rapidly adapted to the
local context. Our experiments demonstrate online adaptation for continuous
control tasks on both simulated and real-world agents. We first show simulated
agents adapting their behavior online to novel terrains, crippled body parts,
and highly-dynamic environments. We also illustrate the importance of
incorporating online adaptation into autonomous agents that operate in the real
world by applying our method to a real dynamic legged millirobot. We
demonstrate the agent's learned ability to quickly adapt online to a missing
leg, adjust to novel terrains and slopes, account for miscalibration or errors
in pose estimation, and compensate for pulling payloads.
|
Joint Optimization Framework for Learning with Noisy Labels | Deep neural networks (DNNs) trained on large-scale datasets have exhibited
significant performance in image classification. Many large-scale datasets are
collected from websites, however they tend to contain inaccurate labels that
are termed as noisy labels. Training on such noisy labeled datasets causes
performance degradation because DNNs easily overfit to noisy labels. To
overcome this problem, we propose a joint optimization framework of learning
DNN parameters and estimating true labels. Our framework can correct labels
during training by alternating update of network parameters and labels. We
conduct experiments on the noisy CIFAR-10 datasets and the Clothing1M dataset.
The results indicate that our approach significantly outperforms other
state-of-the-art methods.
|
Learning to generate classifiers | We train a network to generate mappings between training sets and
classification policies (a 'classifier generator') by conditioning on the
entire training set via an attentional mechanism. The network is directly
optimized for test set performance on an training set of related tasks, which
is then transferred to unseen 'test' tasks. We use this to optimize for
performance in the low-data and unsupervised learning regimes, and obtain
significantly better performance in the 10-50 datapoint regime than support
vector classifiers, random forests, XGBoost, and k-nearest neighbors on a range
of small datasets.
|
Contrast-Oriented Deep Neural Networks for Salient Object Detection | Deep convolutional neural networks have become a key element in the recent
breakthrough of salient object detection. However, existing CNN-based methods
are based on either patch-wise (region-wise) training and inference or fully
convolutional networks. Methods in the former category are generally
time-consuming due to severe storage and computational redundancies among
overlapping patches. To overcome this deficiency, methods in the second
category attempt to directly map a raw input image to a predicted dense
saliency map in a single network forward pass. Though being very efficient, it
is arduous for these methods to detect salient objects of different scales or
salient regions with weak semantic information. In this paper, we develop
hybrid contrast-oriented deep neural networks to overcome the aforementioned
limitations. Each of our deep networks is composed of two complementary
components, including a fully convolutional stream for dense prediction and a
segment-level spatial pooling stream for sparse saliency inference. We further
propose an attentional module that learns weight maps for fusing the two
saliency predictions from these two streams. A tailored alternate scheme is
designed to train these deep networks by fine-tuning pre-trained baseline
models. Finally, a customized fully connected CRF model incorporating a salient
contour feature embedding can be optionally applied as a post-processing step
to improve spatial coherence and contour positioning in the fused result from
these two streams. Extensive experiments on six benchmark datasets demonstrate
that our proposed model can significantly outperform the state of the art in
terms of all popular evaluation metrics.
|
The Resistance to Label Noise in K-NN and DNN Depends on its
Concentration | We investigate the classification performance of K-nearest neighbors (K-NN)
and deep neural networks (DNNs) in the presence of label noise. We first show
empirically that a DNN's prediction for a given test example depends on the
labels of the training examples in its local neighborhood. This motivates us to
derive a realizable analytic expression that approximates the multi-class K-NN
classification error in the presence of label noise, which is of independent
importance. We then suggest that the expression for K-NN may serve as a
first-order approximation for the DNN error. Finally, we demonstrate
empirically the proximity of the developed expression to the observed
performance of K-NN and DNN classifiers. Our result may explain the already
observed surprising resistance of DNN to some types of label noise. It also
characterizes an important factor of it showing that the more concentrated the
noise the greater is the degradation in performance.
|
Observer-based Adaptive Optimal Output Containment Control problem of
Linear Heterogeneous Multi-agent Systems with Relative Output Measurements | This paper develops an optimal relative output-feedback based solution to the
containment control problem of linear heterogeneous multi-agent systems. A
distributed optimal control protocol is presented for the followers to not only
assure that their outputs fall into the convex hull of the leaders' output
(i.e., the desired or safe region), but also optimizes their transient
performance. The proposed optimal control solution is composed of a feedback
part, depending of the followers' state, and a feed-forward part, depending on
the convex hull of the leaders' state. To comply with most real-world
applications, the feedback and feed-forward states are assumed to be
unavailable and are estimated using two distributed observers. That is, since
the followers cannot directly sense their absolute states, a distributed
observer is designed that uses only relative output measurements with respect
to their neighbors (measured for example by using range sensors in robotic) and
the information which is broadcasted by their neighbors to estimate their
states. Moreover, another adaptive distributed observer is designed that uses
exchange of information between followers over a communication network to
estimate the convex hull of the leaders' state. The proposed observer relaxes
the restrictive requirement of knowing the complete knowledge of the leaders'
dynamics by all followers. An off-policy reinforcement learning algorithm on an
actor-critic structure is next developed to solve the optimal containment
control problem online, using relative output measurements and without
requirement of knowing the leaders' dynamics by all followers. Finally, the
theoretical results are verified by numerical simulations.
|
Improving confidence while predicting trends in temporal disease
networks | For highly sensitive real-world predictive analytic applications such as
healthcare and medicine, having good prediction accuracy alone is often not
enough. These kinds of applications require a decision making process which
uses uncertainty estimation as input whenever possible. Quality of uncertainty
estimation is a subject of over or under confident prediction, which is often
not addressed in many models. In this paper we show several extensions to the
Gaussian Conditional Random Fields model, which aim to provide higher quality
uncertainty estimation. These extensions are applied to the temporal disease
graph built from the State Inpatient Database (SID) of California, acquired
from the HCUP. Our experiments demonstrate benefits of using graph information
in modeling temporal disease properties as well as improvements in uncertainty
estimation provided by given extensions of the Gaussian Conditional Random
Fields method.
|
QMIX: Monotonic Value Function Factorisation for Deep Multi-Agent
Reinforcement Learning | In many real-world settings, a team of agents must coordinate their behaviour
while acting in a decentralised way. At the same time, it is often possible to
train the agents in a centralised fashion in a simulated or laboratory setting,
where global state information is available and communication constraints are
lifted. Learning joint action-values conditioned on extra state information is
an attractive way to exploit centralised learning, but the best strategy for
then extracting decentralised policies is unclear. Our solution is QMIX, a
novel value-based method that can train decentralised policies in a centralised
end-to-end fashion. QMIX employs a network that estimates joint action-values
as a complex non-linear combination of per-agent values that condition only on
local observations. We structurally enforce that the joint-action value is
monotonic in the per-agent values, which allows tractable maximisation of the
joint action-value in off-policy learning, and guarantees consistency between
the centralised and decentralised policies. We evaluate QMIX on a challenging
set of StarCraft II micromanagement tasks, and show that QMIX significantly
outperforms existing value-based multi-agent reinforcement learning methods.
|
A Novel Framework for Online Supervised Learning with Feature Selection | Current online learning methods suffer issues such as lower convergence rates
and limited capability to recover the support of the true features compared to
their offline counterparts. In this paper, we present a novel framework for
online learning based on running averages and introduce a series of online
versions of popular offline methods such as Elastic Net, Minimax Concave
Penalty, and Feature Selection with Annealing. The framework can handle an
arbitrarily large number of observations with the restriction that the data
dimension is not too large, e.g. p<50,000. We prove the equivalence between our
online methods and their offline counterparts and give theoretical true feature
recovery and convergence guarantees for some of them. In contrast to existing
online methods, the proposed methods can extract models with any desired
sparsity level at any time. Numerical experiments indicate that our new methods
enjoy high true feature recovery accuracy and a fast convergence rate, compared
with standard online and offline algorithms. We also show how the running
averages framework can be used for model adaptation in the presence of model
drift. Finally, we present applications to large datasets where again the
proposed framework shows competitive results compared to popular online and
offline algorithms.
|
Towards Quantum Machine Learning with Tensor Networks | Machine learning is a promising application of quantum computing, but
challenges remain as near-term devices will have a limited number of physical
qubits and high error rates. Motivated by the usefulness of tensor networks for
machine learning in the classical context, we propose quantum computing
approaches to both discriminative and generative learning, with circuits based
on tree and matrix product state tensor networks that could have benefits for
near-term devices. The result is a unified framework where classical and
quantum computing can benefit from the same theoretical and algorithmic
developments, and the same model can be trained classically then transferred to
the quantum setting for additional optimization. Tensor network circuits can
also provide qubit-efficient schemes where, depending on the architecture, the
number of physical qubits required scales only logarithmically with, or
independently of the input or output data sizes. We demonstrate our proposals
with numerical experiments, training a discriminative model to perform
handwriting recognition using a optimization procedure that could be carried
out on quantum hardware, and testing the noise resilience of the trained model.
|
The eigenvalues of stochastic blockmodel graphs | We derive the limiting distribution for the largest eigenvalues of the
adjacency matrix for a stochastic blockmodel graph when the number of vertices
tends to infinity. We show that, in the limit, these eigenvalues are jointly
multivariate normal with bounded covariances. Our result extends the classic
result of F\"{u}redi and Koml\'{o}s on the fluctuation of the largest
eigenvalue for Erd\H{o}s-R\'{e}nyi graphs.
|
Learning to Anonymize Faces for Privacy Preserving Action Detection | There is an increasing concern in computer vision devices invading users'
privacy by recording unwanted videos. On the one hand, we want the camera
systems to recognize important events and assist human daily lives by
understanding its videos, but on the other hand we want to ensure that they do
not intrude people's privacy. In this paper, we propose a new principled
approach for learning a video \emph{face anonymizer}. We use an adversarial
training setting in which two competing systems fight: (1) a video anonymizer
that modifies the original video to remove privacy-sensitive information while
still trying to maximize spatial action detection performance, and (2) a
discriminator that tries to extract privacy-sensitive information from the
anonymized videos. The end result is a video anonymizer that performs
pixel-level modifications to anonymize each person's face, with minimal effect
on action detection performance. We experimentally confirm the benefits of our
approach compared to conventional hand-crafted anonymization methods including
masking, blurring, and noise adding. Code, demo, and more results can be found
on our project page https://jason718.github.io/project/privacy/main.html.
|
Substitute Teacher Networks: Learning with Almost No Supervision | Learning through experience is time-consuming, inefficient and often bad for
your cortisol levels. To address this problem, a number of recently proposed
teacher-student methods have demonstrated the benefits of private tuition, in
which a single model learns from an ensemble of more experienced tutors.
Unfortunately, the cost of such supervision restricts good representations to a
privileged minority. Unsupervised learning can be used to lower tuition fees,
but runs the risk of producing networks that require extracurriculum learning
to strengthen their CVs and create their own LinkedIn profiles. Inspired by the
logo on a promotional stress ball at a local recruitment fair, we make the
following three contributions. First, we propose a novel almost no supervision
training algorithm that is effective, yet highly scalable in the number of
student networks being supervised, ensuring that education remains affordable.
Second, we demonstrate our approach on a typical use case: learning to bake,
developing a method that tastily surpasses the current state of the art.
Finally, we provide a rigorous quantitive analysis of our method, proving that
we have access to a calculator. Our work calls into question the long-held
dogma that life is the best teacher.
|
Hierarchical Transfer Convolutional Neural Networks for Image
Classification | In this paper, we address the issue of how to enhance the generalization
performance of convolutional neural networks (CNN) in the early learning stage
for image classification. This is motivated by real-time applications that
require the generalization performance of CNN to be satisfactory within limited
training time. In order to achieve this, a novel hierarchical transfer CNN
framework is proposed. It consists of a group of shallow CNNs and a cloud CNN,
where the shallow CNNs are trained firstly and then the first layers of the
trained shallow CNNs are used to initialize the first layer of the cloud CNN.
This method will boost the generalization performance of the cloud CNN
significantly, especially during the early stage of training. Experiments using
CIFAR-10 and ImageNet datasets are performed to examine the proposed method.
Results demonstrate the improvement of testing accuracy is 12% on average and
as much as 20% for the CIFAR-10 case while 5% testing accuracy improvement for
the ImageNet case during the early stage of learning. It is also shown that
universal improvements of testing accuracy are obtained across different
settings of dropout and number of shallow CNNs.
|
Conditional End-to-End Audio Transforms | We present an end-to-end method for transforming audio from one style to
another. For the case of speech, by conditioning on speaker identities, we can
train a single model to transform words spoken by multiple people into multiple
target voices. For the case of music, we can specify musical instruments and
achieve the same result. Architecturally, our method is a fully-differentiable
sequence-to-sequence model based on convolutional and hierarchical recurrent
neural networks. It is designed to capture long-term acoustic dependencies,
requires minimal post-processing, and produces realistic audio transforms.
Ablation studies confirm that our model can separate speaker and instrument
properties from acoustic content at different receptive fields. Empirically,
our method achieves competitive performance on community-standard datasets.
|
Understanding Autoencoders with Information Theoretic Concepts | Despite their great success in practical applications, there is still a lack
of theoretical and systematic methods to analyze deep neural networks. In this
paper, we illustrate an advanced information theoretic methodology to
understand the dynamics of learning and the design of autoencoders, a special
type of deep learning architectures that resembles a communication channel. By
generalizing the information plane to any cost function, and inspecting the
roles and dynamics of different layers using layer-wise information quantities,
we emphasize the role that mutual information plays in quantifying learning
from data. We further suggest and also experimentally validate, for mean square
error training, three fundamental properties regarding the layer-wise flow of
information and intrinsic dimensionality of the bottleneck layer, using
respectively the data processing inequality and the identification of a
bifurcation point in the information plane that is controlled by the given
data. Our observations have a direct impact on the optimal design of
autoencoders, the design of alternative feedforward training methods, and even
in the problem of generalization.
|
Engineering a Simplified 0-Bit Consistent Weighted Sampling | The Min-Hashing approach to sketching has become an important tool in data
analysis, information retrial, and classification. To apply it to real-valued
datasets, the ICWS algorithm has become a seminal approach that is widely used,
and provides state-of-the-art performance for this problem space. However, ICWS
suffers a computational burden as the sketch size K increases. We develop a new
Simplified approach to the ICWS algorithm, that enables us to obtain over 20x
speedups compared to the standard algorithm. The veracity of our approach is
demonstrated empirically on multiple datasets and scenarios, showing that our
new Simplified CWS obtains the same quality of results while being an order of
magnitude faster.
|
Adversarial Attacks and Defences Competition | To accelerate research on adversarial examples and robustness of machine
learning classifiers, Google Brain organized a NIPS 2017 competition that
encouraged researchers to develop new methods to generate adversarial examples
as well as to develop new ways to defend against them. In this chapter, we
describe the structure and organization of the competition and the solutions
developed by several of the top-placing teams.
|
Graph Convolutional Neural Networks via Scattering | We generalize the scattering transform to graphs and consequently construct a
convolutional neural network on graphs. We show that under certain conditions,
any feature generated by such a network is approximately invariant to
permutations and stable to graph manipulations. Numerical results demonstrate
competitive performance on relevant datasets.
|
Learning Disentangled Joint Continuous and Discrete Representations | We present a framework for learning disentangled and interpretable jointly
continuous and discrete representations in an unsupervised manner. By
augmenting the continuous latent distribution of variational autoencoders with
a relaxed discrete distribution and controlling the amount of information
encoded in each latent unit, we show how continuous and categorical factors of
variation can be discovered automatically from data. Experiments show that the
framework disentangles continuous and discrete generative factors on various
datasets and outperforms current disentangling methods when a discrete
generative factor is prominent.
|
Multi-label Learning with Missing Labels using Mixed Dependency Graphs | This work focuses on the problem of multi-label learning with missing labels
(MLML), which aims to label each test instance with multiple class labels given
training instances that have an incomplete/partial set of these labels. The key
point to handle missing labels is propagating the label information from
provided labels to missing labels, through a dependency graph that each label
of each instance is treated as a node. We build this graph by utilizing
different types of label dependencies. Specifically, the instance-level
similarity is served as undirected edges to connect the label nodes across
different instances and the semantic label hierarchy is used as directed edges
to connect different classes. This base graph is referred to as the mixed
dependency graph, as it includes both undirected and directed edges.
Furthermore, we present another two types of label dependencies to connect the
label nodes across different classes. One is the class co-occurrence, which is
also encoded as undirected edges. Combining with the base graph, we obtain a
new mixed graph, called MG-CO (mixed graph with co-occurrence). The other is
the sparse and low rank decomposition of the whole label matrix, to embed
high-order dependencies over all labels. Combining with the base graph, the new
mixed graph is called as MG-SL (mixed graph with sparse and low rank
decomposition). Based on MG-CO and MG-SL, we propose two convex transductive
formulations of the MLML problem, denoted as MLMG-CO and MLMG-SL, respectively.
Two important applications, including image annotation and tag based image
retrieval, can be jointly handled using our proposed methods. Experiments on
benchmark datasets show that our methods give significant improvements in
performance and robustness to missing labels over the state-of-the-art methods.
|
Locally Convex Sparse Learning over Networks | We consider a distributed learning setup where a sparse signal is estimated
over a network. Our main interest is to save communication resource for
information exchange over the network and reduce processing time. Each node of
the network uses a convex optimization based algorithm that provides a locally
optimum solution for that node. The nodes exchange their signal estimates over
the network in order to refine their local estimates. At a node, the
optimization algorithm is based on an $\ell_1$-norm minimization with
appropriate modifications to promote sparsity as well as to include influence
of estimates from neighboring nodes. Our expectation is that local estimates in
each node improve fast and converge, resulting in a limited demand for
communication of estimates between nodes and reducing the processing time. We
provide restricted-isometry-property (RIP)-based theoretical analysis on
estimation quality. In the scenario of clean observation, it is shown that the
local estimates converge to the exact sparse signal under certain technical
conditions. Simulation results show that the proposed algorithms show
competitive performance compared to a globally optimum distributed LASSO
algorithm in the sense of convergence speed and estimation error.
|
Generative Adversarial Networks (GANs): What it can generate and What it
cannot? | In recent years, Generative Adversarial Networks (GANs) have received
significant attention from the research community. With a straightforward
implementation and outstanding results, GANs have been used for numerous
applications. Despite the success, GANs lack a proper theoretical explanation.
These models suffer from issues like mode collapse, non-convergence, and
instability during training. To address these issues, researchers have proposed
theoretically rigorous frameworks inspired by varied fields of Game theory,
Statistical theory, Dynamical systems, etc.
In this paper, we propose to give an appropriate structure to study these
contributions systematically. We essentially categorize the papers based on the
issues they raise and the kind of novelty they introduce to address them.
Besides, we provide insight into how each of the discussed articles solves the
concerned problems. We compare and contrast different results and put forth a
summary of theoretical contributions about GANs with focus on image/visual
applications. We expect this summary paper to give a bird's eye view to a
person wishing to understand the theoretical progress in GANs so far.
|
Fundamental Resource Trade-offs for Encoded Distributed Optimization | Dealing with the shear size and complexity of today's massive data sets
requires computational platforms that can analyze data in a parallelized and
distributed fashion. A major bottleneck that arises in such modern distributed
computing environments is that some of the worker nodes may run slow. These
nodes a.k.a.~stragglers can significantly slow down computation as the slowest
node may dictate the overall computational time. A recent computational
framework, called encoded optimization, creates redundancy in the data to
mitigate the effect of stragglers. In this paper we develop novel mathematical
understanding for this framework demonstrating its effectiveness in much
broader settings than was previously understood. We also analyze the
convergence behavior of iterative encoded optimization algorithms, allowing us
to characterize fundamental trade-offs between convergence rate, size of data
set, accuracy, computational load (or data redundancy), and straggler
toleration in this framework.
|
HOUDINI: Lifelong Learning as Program Synthesis | We present a neurosymbolic framework for the lifelong learning of algorithmic
tasks that mix perception and procedural reasoning. Reusing high-level concepts
across domains and learning complex procedures are key challenges in lifelong
learning. We show that a program synthesis approach that combines gradient
descent with combinatorial search over programs can be a more effective
response to these challenges than purely neural methods. Our framework, called
HOUDINI, represents neural networks as strongly typed, differentiable
functional programs that use symbolic higher-order combinators to compose a
library of neural functions. Our learning algorithm consists of: (1) a symbolic
program synthesizer that performs a type-directed search over parameterized
programs, and decides on the library functions to reuse, and the architectures
to combine them, while learning a sequence of tasks; and (2) a neural module
that trains these programs using stochastic gradient descent. We evaluate
HOUDINI on three benchmarks that combine perception with the algorithmic tasks
of counting, summing, and shortest-path computation. Our experiments show that
HOUDINI transfers high-level concepts more effectively than traditional
transfer learning and progressive neural networks, and that the typed
representation of networks significantly accelerates the search.
|
Meta-Learning Update Rules for Unsupervised Representation Learning | A major goal of unsupervised learning is to discover data representations
that are useful for subsequent tasks, without access to supervised labels
during training. Typically, this involves minimizing a surrogate objective,
such as the negative log likelihood of a generative model, with the hope that
representations useful for subsequent tasks will arise as a side effect. In
this work, we propose instead to directly target later desired tasks by
meta-learning an unsupervised learning rule which leads to representations
useful for those tasks. Specifically, we target semi-supervised classification
performance, and we meta-learn an algorithm -- an unsupervised weight update
rule -- that produces representations useful for this task. Additionally, we
constrain our unsupervised update rule to a be a biologically-motivated,
neuron-local function, which enables it to generalize to different neural
network architectures, datasets, and data modalities. We show that the
meta-learned update rule produces useful features and sometimes outperforms
existing unsupervised learning techniques. We further show that the
meta-learned unsupervised update rule generalizes to train networks with
different widths, depths, and nonlinearities. It also generalizes to train on
data with randomly permuted input dimensions and even generalizes from image
datasets to a text task.
|
Can Multisensory Cues in VR Help Train Pattern Recognition to Citizen
Scientists? | As the internet of things (IoT) has integrated physical and digital
technologies, designing for multiple sensory media (mulsemedia) has become more
attainable. Designing technology for multiple senses has the capacity to
improve virtual realism, extend our ability to process information, and more
easily transfer knowledge between physical and digital environments. HCI
researchers are beginning to explore the viability of integrating multimedia
into virtual experiences, however research has yet to consider whether
mulsemedia truly enhances realism, immersion and knowledge transfer. My work
developing StreamBED, a VR training platform to train citizen science water
monitors plans to consider the role of mulsemedia in immersion and learning
goals. Future findings about the role of mulsemedia in learning contexts will
potentially allow learners to experience, connect to, learn from spaces that
are impossible to experience firsthand.
|
Recognizing Challenging Handwritten Annotations with Fully Convolutional
Networks | This paper introduces a very challenging dataset of historic German documents
and evaluates Fully Convolutional Neural Network (FCNN) based methods to locate
handwritten annotations of any kind in these documents. The handwritten
annotations can appear in form of underlines and text by using various writing
instruments, e.g., the use of pencils makes the data more challenging. We train
and evaluate various end-to-end semantic segmentation approaches and report the
results. The task is to classify the pixels of documents into two classes:
background and handwritten annotation. The best model achieves a mean
Intersection over Union (IoU) score of 95.6% on the test documents of the
presented dataset. We also present a comparison of different strategies used
for data augmentation and training on our presented dataset. For evaluation, we
use the Layout Analysis Evaluator for the ICDAR 2017 Competition on Layout
Analysis for Challenging Medieval Manuscripts.
|
The Structure Transfer Machine Theory and Applications | Representation learning is a fundamental but challenging problem, especially
when the distribution of data is unknown. We propose a new representation
learning method, termed Structure Transfer Machine (STM), which enables feature
learning process to converge at the representation expectation in a
probabilistic way. We theoretically show that such an expected value of the
representation (mean) is achievable if the manifold structure can be
transferred from the data space to the feature space. The resulting structure
regularization term, named manifold loss, is incorporated into the loss
function of the typical deep learning pipeline. The STM architecture is
constructed to enforce the learned deep representation to satisfy the intrinsic
manifold structure from the data, which results in robust features that suit
various application scenarios, such as digit recognition, image classification
and object tracking. Compared to state-of-the-art CNN architectures, we achieve
the better results on several commonly used benchmarks\footnote{The source code
is available. https://github.com/stmstmstm/stm }.
|
I-vector Transformation Using Conditional Generative Adversarial
Networks for Short Utterance Speaker Verification | I-vector based text-independent speaker verification (SV) systems often have
poor performance with short utterances, as the biased phonetic distribution in
a short utterance makes the extracted i-vector unreliable. This paper proposes
an i-vector compensation method using a generative adversarial network (GAN),
where its generator network is trained to generate a compensated i-vector from
a short-utterance i-vector and its discriminator network is trained to
determine whether an i-vector is generated by the generator or the one
extracted from a long utterance. Additionally, we assign two other learning
tasks to the GAN to stabilize its training and to make the generated ivector
more speaker-specific. Speaker verification experiments on the NIST SRE 2008
"10sec-10sec" condition show that our method reduced the equal error rate by
11.3% from the conventional i-vector and PLDA system.
|
EarthMapper: A Tool Box for the Semantic Segmentation of Remote Sensing
Imagery | Deep learning continues to push state-of-the-art performance for the semantic
segmentation of color (i.e., RGB) imagery; however, the lack of annotated data
for many remote sensing sensors (i.e. hyperspectral imagery (HSI)) prevents
researchers from taking advantage of this recent success. Since generating
sensor specific datasets is time intensive and cost prohibitive, remote sensing
researchers have embraced deep unsupervised feature extraction. Although these
methods have pushed state-of-the-art performance on current HSI benchmarks,
many of these tools are not readily accessible to many researchers. In this
letter, we introduce a software pipeline, which we call EarthMapper, for the
semantic segmentation of non-RGB remote sensing imagery. It includes
self-taught spatial-spectral feature extraction, various standard and deep
learning classifiers, and undirected graphical models for post-processing. We
evaluated EarthMapper on the Indian Pines and Pavia University datasets and
have released this code for public use.
|
Attentional Multilabel Learning over Graphs: A Message Passing Approach | We address a largely open problem of multilabel classification over graphs.
Unlike traditional vector input, a graph has rich variable-size substructures
which are related to the labels in some ways. We believe that uncovering these
relations might hold the key to classification performance and explainability.
We introduce GAML (Graph Attentional Multi-Label learning), a novel graph
neural network that can handle this problem effectively. GAML regards labels as
auxiliary nodes and models them in conjunction with the input graph. By
applying message passing and attention mechanisms to both the label nodes and
the input nodes iteratively, GAML can capture the relations between the labels
and the input subgraphs at various resolution scales. Moreover, our model can
take advantage of explicit label dependencies. It also scales linearly with the
number of labels and graph size thanks to our proposed hierarchical attention.
We evaluate GAML on an extensive set of experiments with both graph-structured
inputs and classical unstructured inputs. The results show that GAML
significantly outperforms other competing methods. Importantly, GAML enables
intuitive visualizations for better understanding of the label-substructure
relations and explanation of the model behaviors.
|
Revisiting Skip-Gram Negative Sampling Model with Rectification | We revisit skip-gram negative sampling (SGNS), one of the most popular
neural-network based approaches to learning distributed word representation. We
first point out the ambiguity issue undermining the SGNS model, in the sense
that the word vectors can be entirely distorted without changing the objective
value. To resolve the issue, we investigate the intrinsic structures in
solution that a good word embedding model should deliver. Motivated by this, we
rectify the SGNS model with quadratic regularization, and show that this simple
modification suffices to structure the solution in the desired manner. A
theoretical justification is presented, which provides novel insights into
quadratic regularization . Preliminary experiments are also conducted on
Google's analytical reasoning task to support the modified SGNS model.
|
Manipulating Machine Learning: Poisoning Attacks and Countermeasures for
Regression Learning | As machine learning becomes widely used for automated decisions, attackers
have strong incentives to manipulate the results and models generated by
machine learning algorithms. In this paper, we perform the first systematic
study of poisoning attacks and their countermeasures for linear regression
models. In poisoning attacks, attackers deliberately influence the training
data to manipulate the results of a predictive model. We propose a
theoretically-grounded optimization framework specifically designed for linear
regression and demonstrate its effectiveness on a range of datasets and models.
We also introduce a fast statistical attack that requires limited knowledge of
the training process. Finally, we design a new principled defense method that
is highly resilient against all poisoning attacks. We provide formal guarantees
about its convergence and an upper bound on the effect of poisoning attacks
when the defense is deployed. We evaluate extensively our attacks and defenses
on three realistic datasets from health care, loan assessment, and real estate
domains.
|
Aggregated Momentum: Stability Through Passive Damping | Momentum is a simple and widely used trick which allows gradient-based
optimizers to pick up speed along low curvature directions. Its performance
depends crucially on a damping coefficient $\beta$. Large $\beta$ values can
potentially deliver much larger speedups, but are prone to oscillations and
instability; hence one typically resorts to small values such as 0.5 or 0.9. We
propose Aggregated Momentum (AggMo), a variant of momentum which combines
multiple velocity vectors with different $\beta$ parameters. AggMo is trivial
to implement, but significantly dampens oscillations, enabling it to remain
stable even for aggressive $\beta$ values such as 0.999. We reinterpret
Nesterov's accelerated gradient descent as a special case of AggMo and analyze
rates of convergence for quadratic objectives. Empirically, we find that AggMo
is a suitable drop-in replacement for other momentum methods, and frequently
delivers faster convergence.
|
Online learning with graph-structured feedback against adaptive
adversaries | We derive upper and lower bounds for the policy regret of $T$-round online
learning problems with graph-structured feedback, where the adversary is
nonoblivious but assumed to have a bounded memory. We obtain upper bounds of
$\widetilde O(T^{2/3})$ and $\widetilde O(T^{3/4})$ for strongly-observable and
weakly-observable graphs, respectively, based on analyzing a variant of the
Exp3 algorithm. When the adversary is allowed a bounded memory of size 1, we
show that a matching lower bound of $\widetilde\Omega(T^{2/3})$ is achieved in
the case of full-information feedback. We also study the particular loss
structure of an oblivious adversary with switching costs, and show that in such
a setting, non-revealing strongly-observable feedback graphs achieve a lower
bound of $\widetilde\Omega(T^{2/3})$, as well.
|
Toward Intelligent Vehicular Networks: A Machine Learning Framework | As wireless networks evolve towards high mobility and providing better
support for connected vehicles, a number of new challenges arise due to the
resulting high dynamics in vehicular environments and thus motive rethinking of
traditional wireless design methodologies. Future intelligent vehicles, which
are at the heart of high mobility networks, are increasingly equipped with
multiple advanced onboard sensors and keep generating large volumes of data.
Machine learning, as an effective approach to artificial intelligence, can
provide a rich set of tools to exploit such data for the benefit of the
networks. In this article, we first identify the distinctive characteristics of
high mobility vehicular networks and motivate the use of machine learning to
address the resulting challenges. After a brief introduction of the major
concepts of machine learning, we discuss its applications to learn the dynamics
of vehicular networks and make informed decisions to optimize network
performance. In particular, we discuss in greater detail the application of
reinforcement learning in managing network resources as an alternative to the
prevalent optimization approach. Finally, some open issues worth further
investigation are highlighted.
|
Sparse Principal Component Analysis via Variable Projection | Sparse principal component analysis (SPCA) has emerged as a powerful
technique for modern data analysis, providing improved interpretation of
low-rank structures by identifying localized spatial structures in the data and
disambiguating between distinct time scales. We demonstrate a robust and
scalable SPCA algorithm by formulating it as a value-function optimization
problem. This viewpoint leads to a flexible and computationally efficient
algorithm. Further, we can leverage randomized methods from linear algebra to
extend the approach to the large-scale (big data) setting. Our proposed
innovation also allows for a robust SPCA formulation which obtains meaningful
sparse principal components in spite of grossly corrupted input data. The
proposed algorithms are demonstrated using both synthetic and real world data,
and show exceptional computational efficiency and diagnostic performance.
|
Unsupervised Correlation Analysis | Linking between two data sources is a basic building block in numerous
computer vision problems. In this paper, we set to answer a fundamental
cognitive question: are prior correspondences necessary for linking between
different domains?
One of the most popular methods for linking between domains is Canonical
Correlation Analysis (CCA). All current CCA algorithms require correspondences
between the views. We introduce a new method Unsupervised Correlation Analysis
(UCA), which requires no prior correspondences between the two domains. The
correlation maximization term in CCA is replaced by a combination of a
reconstruction term (similar to autoencoders), full cycle loss, orthogonality
and multiple domain confusion terms. Due to lack of supervision, the
optimization leads to multiple alternative solutions with similar scores and we
therefore introduce a consensus-based mechanism that is often able to recover
the desired solution. Remarkably, this suffices in order to link remote domains
such as text and images. We also present results on well accepted CCA
benchmarks, showing that performance far exceeds other unsupervised baselines,
and approaches supervised performance in some cases.
|
Learning to Run challenge solutions: Adapting reinforcement learning
methods for neuromusculoskeletal environments | In the NIPS 2017 Learning to Run challenge, participants were tasked with
building a controller for a musculoskeletal model to make it run as fast as
possible through an obstacle course. Top participants were invited to describe
their algorithms. In this work, we present eight solutions that used deep
reinforcement learning approaches, based on algorithms such as Deep
Deterministic Policy Gradient, Proximal Policy Optimization, and Trust Region
Policy Optimization. Many solutions use similar relaxations and heuristics,
such as reward shaping, frame skipping, discretization of the action space,
symmetry, and policy blending. However, each of the eight teams implemented
different modifications of the known algorithms.
|
Recall Traces: Backtracking Models for Efficient Reinforcement Learning | In many environments only a tiny subset of all states yield high reward. In
these cases, few of the interactions with the environment provide a relevant
learning signal. Hence, we may want to preferentially train on those
high-reward states and the probable trajectories leading to them. To this end,
we advocate for the use of a backtracking model that predicts the preceding
states that terminate at a given high-reward state. We can train a model which,
starting from a high value state (or one that is estimated to have high value),
predicts and sample for which the (state, action)-tuples may have led to that
high value state. These traces of (state, action) pairs, which we refer to as
Recall Traces, sampled from this backtracking model starting from a high value
state, are informative as they terminate in good states, and hence we can use
these traces to improve a policy. We provide a variational interpretation for
this idea and a practical algorithm in which the backtracking model samples
from an approximate posterior distribution over trajectories which lead to
large rewards. Our method improves the sample efficiency of both on- and
off-policy RL algorithms across several environments and tasks.
|
Insights into End-to-End Learning Scheme for Language Identification | A novel interpretable end-to-end learning scheme for language identification
is proposed. It is in line with the classical GMM i-vector methods both
theoretically and practically. In the end-to-end pipeline, a general encoding
layer is employed on top of the front-end CNN, so that it can encode the
variable-length input sequence into an utterance level vector automatically.
After comparing with the state-of-the-art GMM i-vector methods, we give
insights into CNN, and reveal its role and effect in the whole pipeline. We
further introduce a general encoding layer, illustrating the reason why they
might be appropriate for language identification. We elaborate on several
typical encoding layers, including a temporal average pooling layer, a
recurrent encoding layer and a novel learnable dictionary encoding layer. We
conducted experiment on NIST LRE07 closed-set task, and the results show that
our proposed end-to-end systems achieve state-of-the-art performance.
|
A Novel Learnable Dictionary Encoding Layer for End-to-End Language
Identification | A novel learnable dictionary encoding layer is proposed in this paper for
end-to-end language identification. It is inline with the conventional GMM
i-vector approach both theoretically and practically. We imitate the mechanism
of traditional GMM training and Supervector encoding procedure on the top of
CNN. The proposed layer can accumulate high-order statistics from
variable-length input sequence and generate an utterance level
fixed-dimensional vector representation. Unlike the conventional methods, our
new approach provides an end-to-end learning framework, where the inherent
dictionary are learned directly from the loss function. The dictionaries and
the encoding representation for the classifier are learned jointly. The
representation is orderless and therefore appropriate for language
identification. We conducted a preliminary experiment on NIST LRE07 closed-set
task, and the results reveal that our proposed dictionary encoding layer
achieves significant error reduction comparing with the simple average pooling.
|
A Note on Kaldi's PLDA Implementation | Some explanations to Kaldi's PLDA implementation to make formula derivation
easier to catch.
|
Sparse Gaussian ICA | Independent component analysis (ICA) is a cornerstone of modern data
analysis. Its goal is to recover a latent random vector S with independent
components from samples of X=AS where A is an unknown mixing matrix.
Critically, all existing methods for ICA rely on and exploit strongly the
assumption that S is not Gaussian as otherwise A becomes unidentifiable. In
this paper, we show that in fact one can handle the case of Gaussian components
by imposing structure on the matrix A. Specifically, we assume that A is sparse
and generic in the sense that it is generated from a sparse Bernoulli-Gaussian
ensemble. Under this condition, we give an efficient algorithm to recover the
columns of A given only the covariance matrix of X as input even when S has
several Gaussian components.
|
Deep Residual Learning for Accelerated MRI using Magnitude and Phase
Networks | Accelerated magnetic resonance (MR) scan acquisition with compressed sensing
(CS) and parallel imaging is a powerful method to reduce MR imaging scan time.
However, many reconstruction algorithms have high computational costs. To
address this, we investigate deep residual learning networks to remove aliasing
artifacts from artifact corrupted images. The proposed deep residual learning
networks are composed of magnitude and phase networks that are separately
trained. If both phase and magnitude information are available, the proposed
algorithm can work as an iterative k-space interpolation algorithm using
framelet representation. When only magnitude data is available, the proposed
approach works as an image domain post-processing algorithm. Even with strong
coherent aliasing artifacts, the proposed network successfully learned and
removed the aliasing artifacts, whereas current parallel and CS reconstruction
methods were unable to remove these artifacts. Comparisons using single and
multiple coil show that the proposed residual network provides good
reconstruction results with orders of magnitude faster computational time than
existing compressed sensing methods. The proposed deep learning framework may
have a great potential for accelerated MR reconstruction by generating accurate
results immediately.
|
Curiosity-driven Exploration for Mapless Navigation with Deep
Reinforcement Learning | This paper investigates exploration strategies of Deep Reinforcement Learning
(DRL) methods to learn navigation policies for mobile robots. In particular, we
augment the normal external reward for training DRL algorithms with intrinsic
reward signals measured by curiosity. We test our approach in a mapless
navigation setting, where the autonomous agent is required to navigate without
the occupancy map of the environment, to targets whose relative locations can
be easily acquired through low-cost solutions (e.g., visible light
localization, Wi-Fi signal localization). We validate that the intrinsic
motivation is crucial for improving DRL performance in tasks with challenging
exploration requirements. Our experimental results show that our proposed
method is able to more effectively learn navigation policies, and has better
generalization capabilities in previously unseen environments. A video of our
experimental results can be found at https://goo.gl/pWbpcF.
|
Learnable Image Encryption | The network-based machine learning algorithm is very powerful tools. However,
it requires huge training dataset. Researchers often meet privacy issues when
they collect image dataset especially for surveillance applications. A
learnable image encryption scheme is introduced. The key idea of this scheme is
to encrypt images, so that human cannot understand images but the network can
be train with encrypted images. This scheme allows us to train the network
without the privacy issues. In this paper, a simple learnable image encryption
algorithm is proposed. Then, the proposed algorithm is validated with cifar
dataset.
|
Transferable Pedestrian Motion Prediction Models at Intersections | One desirable capability of autonomous cars is to accurately predict the
pedestrian motion near intersections for safe and efficient trajectory
planning. We are interested in developing transfer learning algorithms that can
be trained on the pedestrian trajectories collected at one intersection and yet
still provide accurate predictions of the trajectories at another, previously
unseen intersection. We first discussed the feature selection for transferable
pedestrian motion models in general. Following this discussion, we developed
one transferable pedestrian motion prediction algorithm based on Inverse
Reinforcement Learning (IRL) that infers pedestrian intentions and predicts
future trajectories based on observed trajectory. We evaluated our algorithm on
a dataset collected at two intersections, trained at one intersection and
tested at the other intersection. We used the accuracy of augmented
semi-nonnegative sparse coding (ASNSC), trained and tested at the same
intersection as a baseline. The result shows that the proposed algorithm
improves the baseline accuracy by 40% in the non-transfer task, and 16% in the
transfer task.
|
Semantic Adversarial Examples | Deep neural networks are known to be vulnerable to adversarial examples,
i.e., images that are maliciously perturbed to fool the model. Generating
adversarial examples has been mostly limited to finding small perturbations
that maximize the model prediction error. Such images, however, contain
artificial perturbations that make them somewhat distinguishable from natural
images. This property is used by several defense methods to counter adversarial
examples by applying denoising filters or training the model to be robust to
small perturbations.
In this paper, we introduce a new class of adversarial examples, namely
"Semantic Adversarial Examples," as images that are arbitrarily perturbed to
fool the model, but in such a way that the modified image semantically
represents the same object as the original image. We formulate the problem of
generating such images as a constrained optimization problem and develop an
adversarial transformation based on the shape bias property of human cognitive
system. In our method, we generate adversarial images by first converting the
RGB image into the HSV (Hue, Saturation and Value) color space and then
randomly shifting the Hue and Saturation components, while keeping the Value
component the same. Our experimental results on CIFAR10 dataset show that the
accuracy of VGG16 network on adversarial color-shifted images is 5.7%.
|
A Multi-Discriminator CycleGAN for Unsupervised Non-Parallel Speech
Domain Adaptation | Domain adaptation plays an important role for speech recognition models, in
particular, for domains that have low resources. We propose a novel generative
model based on cyclic-consistent generative adversarial network (CycleGAN) for
unsupervised non-parallel speech domain adaptation. The proposed model employs
multiple independent discriminators on the power spectrogram, each in charge of
different frequency bands. As a result we have 1) better discriminators that
focus on fine-grained details of the frequency features, and 2) a generator
that is capable of generating more realistic domain-adapted spectrogram. We
demonstrate the effectiveness of our method on speech recognition with gender
adaptation, where the model only has access to supervised data from one gender
during training, but is evaluated on the other at test time. Our model is able
to achieve an average of $7.41\%$ on phoneme error rate, and $11.10\%$ word
error rate relative performance improvement as compared to the baseline, on
TIMIT and WSJ dataset, respectively. Qualitatively, our model also generates
more natural sounding speech, when conditioned on data from the other domain.
|
DeepScores -- A Dataset for Segmentation, Detection and Classification
of Tiny Objects | We present the DeepScores dataset with the goal of advancing the
state-of-the-art in small objects recognition, and by placing the question of
object recognition in the context of scene understanding. DeepScores contains
high quality images of musical scores, partitioned into 300,000 sheets of
written music that contain symbols of different shapes and sizes. With close to
a hundred millions of small objects, this makes our dataset not only unique,
but also the largest public dataset. DeepScores comes with ground truth for
object classification, detection and semantic segmentation. DeepScores thus
poses a relevant challenge for computer vision in general, beyond the scope of
optical music recognition (OMR) research. We present a detailed statistical
analysis of the dataset, comparing it with other computer vision datasets like
Caltech101/256, PASCAL VOC, SUN, SVHN, ImageNet, MS-COCO, smaller computer
vision datasets, as well as with other OMR datasets. Finally, we provide
baseline performances for object classification and give pointers to future
research based on this dataset.
|
Predictions of short-term driving intention using recurrent neural
network on sequential data | Predictions of driver's intentions and their behaviors using the road is of
great importance for planning and decision making processes of autonomous
driving vehicles. In particular, relatively short-term driving intentions are
the fundamental units that constitute more sophisticated driving goals,
behaviors, such as overtaking the slow vehicle in front, exit or merge onto a
high way, etc. While it is not uncommon that most of the time human driver can
rationalize, in advance, various on-road behaviors, intentions, as well as the
associated risks, aggressiveness, reciprocity characteristics, etc., such
reasoning skills can be challenging and difficult for an autonomous driving
system to learn. In this article, we demonstrate a disciplined methodology that
can be used to build and train a predictive drive system, therefore to learn
the on-road characteristics aforementioned.
|
The Training of Neuromodels for Machine Comprehension of Text.
Brain2Text Algorithm | Nowadays, the Internet represents a vast informational space, growing
exponentially and the problem of search for relevant data becomes essential as
never before. The algorithm proposed in the article allows to perform natural
language queries on content of the document and get comprehensive meaningful
answers. The problem is partially solved for English as SQuAD contains enough
data to learn on, but there is no such dataset in Russian, so the methods used
by scientists now are not applicable to Russian. Brain2 framework allows to
cope with the problem - it stands out for its ability to be applied on small
datasets and does not require impressive computing power. The algorithm is
illustrated on Sberbank of Russia Strategy's text and assumes the use of a
neuromodel consisting of 65 mln synapses. The trained model is able to
construct word-by-word answers to questions based on a given text. The existing
limitations are its current inability to identify synonyms, pronoun relations
and allegories. Nevertheless, the results of conducted experiments showed high
capacity and generalisation ability of the suggested approach.
|
Adversarial Teacher-Student Learning for Unsupervised Domain Adaptation | The teacher-student (T/S) learning has been shown effective in unsupervised
domain adaptation [1]. It is a form of transfer learning, not in terms of the
transfer of recognition decisions, but the knowledge of posteriori
probabilities in the source domain as evaluated by the teacher model. It learns
to handle the speaker and environment variability inherent in and restricted to
the speech signal in the target domain without proactively addressing the
robustness to other likely conditions. Performance degradation may thus ensue.
In this work, we advance T/S learning by proposing adversarial T/S learning to
explicitly achieve condition-robust unsupervised domain adaptation. In this
method, a student acoustic model and a condition classifier are jointly
optimized to minimize the Kullback-Leibler divergence between the output
distributions of the teacher and student models, and simultaneously, to
min-maximize the condition classification loss. A condition-invariant deep
feature is learned in the adapted student model through this procedure. We
further propose multi-factorial adversarial T/S learning which suppresses
condition variabilities caused by multiple factors simultaneously. Evaluated
with the noisy CHiME-3 test set, the proposed methods achieve relative word
error rate improvements of 44.60% and 5.38%, respectively, over a clean source
model and a strong T/S learning baseline model.
|
Universal Planning Networks | A key challenge in complex visuomotor control is learning abstract
representations that are effective for specifying goals, planning, and
generalization. To this end, we introduce universal planning networks (UPN).
UPNs embed differentiable planning within a goal-directed policy. This planning
computation unrolls a forward model in a latent space and infers an optimal
action plan through gradient descent trajectory optimization. The
plan-by-gradient-descent process and its underlying representations are learned
end-to-end to directly optimize a supervised imitation learning objective. We
find that the representations learned are not only effective for goal-directed
visual imitation via gradient-based trajectory optimization, but can also
provide a metric for specifying goals using images. The learned representations
can be leveraged to specify distance-based rewards to reach new target states
for model-free reinforcement learning, resulting in substantially more
effective learning when solving new tasks described via image-based goals. We
were able to achieve successful transfer of visuomotor planning strategies
across robots with significantly different morphologies and actuation
capabilities.
|
Stochastic EM for Shuffled Linear Regression | We consider the problem of inference in a linear regression model in which
the relative ordering of the input features and output labels is not known.
Such datasets naturally arise from experiments in which the samples are
shuffled or permuted during the protocol. In this work, we propose a framework
that treats the unknown permutation as a latent variable. We maximize the
likelihood of observations using a stochastic expectation-maximization (EM)
approach. We compare this to the dominant approach in the literature, which
corresponds to hard EM in our framework. We show on synthetic data that the
stochastic EM algorithm we develop has several advantages, including lower
parameter error, less sensitivity to the choice of initialization, and
significantly better performance on datasets that are only partially shuffled.
We conclude by performing two experiments on real datasets that have been
partially shuffled, in which we show that the stochastic EM algorithm can
recover the weights with modest error.
|
Graph-Based Deep Modeling and Real Time Forecasting of Sparse
Spatio-Temporal Data | We present a generic framework for spatio-temporal (ST) data modeling,
analysis, and forecasting, with a special focus on data that is sparse in both
space and time. Our multi-scaled framework is a seamless coupling of two major
components: a self-exciting point process that models the macroscale
statistical behaviors of the ST data and a graph structured recurrent neural
network (GSRNN) to discover the microscale patterns of the ST data on the
inferred graph. This novel deep neural network (DNN) incorporates the real time
interactions of the graph nodes to enable more accurate real time forecasting.
The effectiveness of our method is demonstrated on both crime and traffic
forecasting.
|
Synergy: A HW/SW Framework for High Throughput CNNs on Embedded
Heterogeneous SoC | Convolutional Neural Networks (CNN) have been widely deployed in diverse
application domains. There has been significant progress in accelerating both
their training and inference using high-performance GPUs, FPGAs, and custom
ASICs for datacenter-scale environments. The recent proliferation of mobile and
IoT devices have necessitated real-time, energy-efficient deep neural network
inference on embedded-class, resource-constrained platforms. In this context,
we present {\em Synergy}, an automated, hardware-software co-designed,
pipelined, high-throughput CNN inference framework on embedded heterogeneous
system-on-chip (SoC) architectures (Xilinx Zynq). {\em Synergy} leverages,
through multi-threading, all the available on-chip resources, which includes
the dual-core ARM processor along with the FPGA and the NEON SIMD engines as
accelerators. Moreover, {\em Synergy} provides a unified abstraction of the
heterogeneous accelerators (FPGA and NEON) and can adapt to different network
configurations at runtime without changing the underlying hardware accelerator
architecture by balancing workload across accelerators through work-stealing.
{\em Synergy} achieves 7.3X speedup, averaged across seven CNN models, over a
well-optimized software-only solution. {\em Synergy} demonstrates substantially
better throughput and energy-efficiency compared to the contemporary CNN
implementations on the same SoC architecture.
|
Generative Adversarial Learning for Spectrum Sensing | A novel approach of training data augmentation and domain adaptation is
presented to support machine learning applications for cognitive radio. Machine
learning provides effective tools to automate cognitive radio functionalities
by reliably extracting and learning intrinsic spectrum dynamics. However, there
are two important challenges to overcome, in order to fully utilize the machine
learning benefits with cognitive radios. First, machine learning requires
significant amount of truthed data to capture complex channel and emitter
characteristics, and train the underlying algorithm (e.g., a classifier).
Second, the training data that has been identified for one spectrum environment
cannot be used for another one (e.g., after channel and emitter conditions
change). To address these challenges, a generative adversarial network (GAN)
with deep learning structures is used to 1)~generate additional synthetic
training data to improve classifier accuracy, and 2) adapt training data to
spectrum dynamics. This approach is applied to spectrum sensing by assuming
only limited training data without knowledge of spectrum statistics. Machine
learning classifiers are trained with limited, augmented and adapted training
data to detect signals. Results show that training data augmentation increases
the classifier accuracy significantly and this increase is sustained with
domain adaptation as spectrum conditions change.
|
Predicting Electric Vehicle Charging Station Usage: Using Machine
Learning to Estimate Individual Station Statistics from Physical
Configurations of Charging Station Networks | Electric vehicles (EVs) have been gaining popularity due to their
environmental friendliness and efficiency. EV charging station networks are
scalable solutions for supporting increasing numbers of EVs within modern
electric grid constraints, yet few tools exist to aid the physical
configuration design of new networks. We use neural networks to predict
individual charging station usage statistics from the station's physical
location within a network. We have shown this quickly gives accurate estimates
of average usage statistics given a proposed configuration, without the need
for running many computationally expensive simulations. The trained neural
network can help EV charging network designers rapidly test various placements
of charging stations under additional individual constraints in order to find
an optimal configuration given their design objectives.
|
Simple and Effective Semi-Supervised Question Answering | Recent success of deep learning models for the task of extractive Question
Answering (QA) is hinged on the availability of large annotated corpora.
However, large domain specific annotated corpora are limited and expensive to
construct. In this work, we envision a system where the end user specifies a
set of base documents and only a few labelled examples. Our system exploits the
document structure to create cloze-style questions from these base documents;
pre-trains a powerful neural network on the cloze style questions; and further
fine-tunes the model on the labeled examples. We evaluate our proposed system
across three diverse datasets from different domains, and find it to be highly
effective with very little labeled data. We attain more than 50% F1 score on
SQuAD and TriviaQA with less than a thousand labelled examples. We are also
releasing a set of 3.2M cloze-style questions for practitioners to use while
building QA systems.
|
Hierarchical Novelty Detection for Visual Object Recognition | Deep neural networks have achieved impressive success in large-scale visual
object recognition tasks with a predefined set of classes. However, recognizing
objects of novel classes unseen during training still remains challenging. The
problem of detecting such novel classes has been addressed in the literature,
but most prior works have focused on providing simple binary or regressive
decisions, e.g., the output would be "known," "novel," or corresponding
confidence intervals. In this paper, we study more informative novelty
detection schemes based on a hierarchical classification framework. For an
object of a novel class, we aim for finding its closest super class in the
hierarchical taxonomy of known classes. To this end, we propose two different
approaches termed top-down and flatten methods, and their combination as well.
The essential ingredients of our methods are confidence-calibrated classifiers,
data relabeling, and the leave-one-out strategy for modeling novel classes
under the hierarchical taxonomy. Furthermore, our method can generate a
hierarchical embedding that leads to improved generalized zero-shot learning
performance in combination with other commonly-used semantic embeddings.
|
Momentum-Space Renormalization Group Transformation in Bayesian Image
Modeling by Gaussian Graphical Model | A new Bayesian modeling method is proposed by combining the maximization of
the marginal likelihood with a momentum-space renormalization group
transformation for Gaussian graphical models. Moreover, we present a scheme for
computint the statistical averages of hyperparameters and mean square errors in
our proposed method based on a momentumspace renormalization transformation.
|
Deep Spatiotemporal Models for Robust Proprioceptive Terrain
Classification | Terrain classification is a critical component of any autonomous mobile robot
system operating in unknown real-world environments. Over the years, several
proprioceptive terrain classification techniques have been introduced to
increase robustness or act as a fallback for traditional vision based
approaches. However, they lack widespread adaptation due to various factors
that include inadequate accuracy, robustness and slow run-times. In this paper,
we use vehicle-terrain interaction sounds as a proprioceptive modality and
propose a deep Long-Short Term Memory (LSTM) based recurrent model that
captures both the spatial and temporal dynamics of such a problem, thereby
overcoming these past limitations. Our model consists of a new Convolution
Neural Network (CNN) architecture that learns deep spatial features,
complemented with LSTM units that learn complex temporal dynamics. Experiments
on two extensive datasets collected with different microphones on various
indoor and outdoor terrains demonstrate state-of-the-art performance compared
to existing techniques. We additionally evaluate the performance in adverse
acoustic conditions with high ambient noise and propose a noise-aware training
scheme that enables learning of more generalizable models that are essential
for robust real-world deployments.
|
Neural Autoregressive Flows | Normalizing flows and autoregressive models have been successfully combined
to produce state-of-the-art results in density estimation, via Masked
Autoregressive Flows (MAF), and to accelerate state-of-the-art WaveNet-based
speech synthesis to 20x faster than real-time, via Inverse Autoregressive Flows
(IAF). We unify and generalize these approaches, replacing the (conditionally)
affine univariate transformations of MAF/IAF with a more general class of
invertible univariate transformations expressed as monotonic neural networks.
We demonstrate that the proposed neural autoregressive flows (NAF) are
universal approximators for continuous probability distributions, and their
greater expressivity allows them to better capture multimodal target
distributions. Experimentally, NAF yields state-of-the-art performance on a
suite of density estimation tasks and outperforms IAF in variational
autoencoders trained on binarized MNIST.
|
3D Interpreter Networks for Viewer-Centered Wireframe Modeling | Understanding 3D object structure from a single image is an important but
challenging task in computer vision, mostly due to the lack of 3D object
annotations to real images. Previous research tackled this problem by either
searching for a 3D shape that best explains 2D annotations, or training purely
on synthetic data with ground truth 3D information. In this work, we propose 3D
INterpreter Networks (3D-INN), an end-to-end trainable framework that
sequentially estimates 2D keypoint heatmaps and 3D object skeletons and poses.
Our system learns from both 2D-annotated real images and synthetic 3D data.
This is made possible mainly by two technical innovations. First, heatmaps of
2D keypoints serve as an intermediate representation to connect real and
synthetic data. 3D-INN is trained on real images to estimate 2D keypoint
heatmaps from an input image; it then predicts 3D object structure from
heatmaps using knowledge learned from synthetic 3D shapes. By doing so, 3D-INN
benefits from the variation and abundance of synthetic 3D objects, without
suffering from the domain difference between real and synthesized images, often
due to imperfect rendering. Second, we propose a Projection Layer, mapping
estimated 3D structure back to 2D. During training, it ensures 3D-INN to
predict 3D structure whose projection is consistent with the 2D annotations to
real images. Experiments show that the proposed system performs well on both 2D
keypoint estimation and 3D structure recovery. We also demonstrate that the
recovered 3D information has wide vision applications, such as image retrieval.
|
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.