Warped-Linear Models for Time Series Classification

This article proposes and studies warped-linear models for time series classification. The proposed models are time-warp invariant analogues of linear models. Their construction is in line with time series averaging and extensions of k-means and learning vector quantization to dynamic time warping (DTW) spaces. The main theoretical result is that warped-linear models correspond to polyhedral classifiers in Euclidean spaces. This result simplifies the analysis of time-warp invariant models by reducing to max-linear functions. We exploit this relationship and derive solutions to the label-dependency problem and the problem of learning warped-linear models. Empirical results on time series classification suggest that warped-linear functions better trade solution quality against computation time than nearest-neighbor and prototype-based methods.


Distance Metrics for Measuring Joint Dependence with Application to Causal Inference

Many statistical applications require the quantification of joint dependence among more than two random vectors. In this work, we generalize the notion of distance covariance to quantify joint dependence among d >= 2 random vectors. We introduce the high order distance covariance to measure the so-called Lancaster interaction dependence. The joint distance covariance is then defined as a linear combination of pairwise distance covariances and their higher order counterparts which together completely characterize mutual independence. We further introduce some related concepts including the distance cumulant, distance characteristic function, and rank-based distance covariance. Empirical estimators are constructed based on certain Euclidean distances between sample elements. We study the large sample properties of the estimators and propose a bootstrap procedure to approximate their sampling distributions. The asymptotic validity of the bootstrap procedure is justified under both the null and alternative hypotheses. The new metrics are employed to perform model selection in causal inference, which is based on the joint independence testing of the residuals from the fitted structural equation models. The effectiveness of the method is illustrated via both simulated and real datasets.


Simulating outcomes of interventions using a multipurpose simulation program based on the Evolutionary Causal Matrices and Markov Chain

Predicting long-term outcomes of interventions is necessary for educational and social policy-making processes that might widely influence our society for the long-term. However, performing such predictions based on data from large-scale experiments might be challenging due to the lack of time and resources. In order to address this issue, computer simulations based on Evolutionary Causal Matrices and Markov Chain can be used to predict long-term outcomes with relatively small-scale lab data. In this paper, we introduce Python classes implementing a computer simulation model and presented some pilots implementations demonstrating how the model can be utilized for predicting outcomes of diverse interventions. We also introduce the class-structured simulation module both with real experimental data and with hypothetical data formulated based on social psychological theories. Classes developed and tested in the present study provide researchers and practitioners with a feasible and practical method to simulate intervention outcomes prospectively.


Empirical Likelihood for Change Point Detection in Autoregressive Models

Change point analysis has become an important research topic in many fields of applications. Several research work has been carried out to detect changes and its locations in time series data. In this paper, a nonparametric method based on the empirical likelihood is proposed to detect the structural changes of the parameters in autoregressive (AR) models . Under certain conditions, the asymptotic null distribution of the empirical likelihood ratio test statistic is proved to be the extreme value distribution. Further, the consistency of the test statistic has been proved. Simulations have been carried out to show that the power of the proposed test statistic is significant. The proposed method is applied to real world data set to further illustrate the testing procedure.


OSTSC: Over Sampling for Time Series Classification in R

The OSTSC package is a powerful oversampling approach for classifying univariant, but multinomial time series data in R. This article provides a brief overview of the oversampling methodology implemented by the package. A tutorial of the OSTSC package is provided. We begin by providing three test cases for the user to quickly validate the functionality in the package. To demonstrate the performance impact of OSTSC, we then provide two medium size imbalanced time series datasets. Each example applies a TensorFlow implementation of a Long Short-Term Memory (LSTM) classifier – a type of a Recurrent Neural Network (RNN) classifier – to imbalanced time series. The classifier performance is compared with and without oversampling. Finally, larger versions of these two datasets are evaluated to demonstrate the scalability of the package. The examples demonstrate that the OSTSC package improves the performance of RNN classifiers applied to highly imbalanced time series data. In particular, OSTSC is observed to increase the AUC of LSTM from 0.543 to 0.784 on a high frequency trading dataset consisting of 30,000 time series observations.


A Manifesto for Future Generation Cloud Computing: Research Directions for the Next Decade

The Cloud computing paradigm has revolutionized the computer science horizon during the past decade and has enabled the emergence of computing as the fifth utility. It has captured significant attention of academia, industries and government bodies. Now, it has emerged as the backbone of modern economy by offering subscription-based services anytime, anywhere following a pay-as-you-go model. This has instigated (1) shorter establishment times for start-ups, (2) creation of scalable global enterprise applications, (3) better cost-to-value associativity for scientific and high performance computing applications, and (4) different invocation/execution models for pervasive and ubiquitous applications. The recent technological developments and paradigms such as serverless computing, software-defined networking, Internet of Things, and processing at network edge are creating new opportunities for Cloud computing. However, they are also posing several new challenges and creating the need for new approaches and research strategies, as well as the re-evaluation of the models that were developed to address issues such as scalability, elasticity, reliability, security, sustainability, and application models. The proposed manifesto addresses them by identifying the major open challenges in Cloud computing, emerging trends and impact areas. It then offers research directions for the next decade, thus helping in the realisation of Future Generation Cloud Computing.


Distilling a Neural Network Into a Soft Decision Tree

Deep neural networks have proved to be a very effective way to perform classification tasks. They excel when the input data is high dimensional, the relationship between the input and the output is complicated, and the number of labeled training examples is large. But it is hard to explain why a learned network makes a particular classification decision on a particular test case. This is due to their reliance on distributed hierarchical representations. If we could take the knowledge acquired by the neural net and express the same knowledge in a model that relies on hierarchical decisions instead, explaining a particular decision would be much easier. We describe a way of using a trained neural net to create a type of soft decision tree that generalizes better than one learned directly from the training data.


Geometric robustness of deep networks: analysis and improvement

Deep convolutional neural networks have been shown to be vulnerable to arbitrary geometric transformations. However, there is no systematic method to measure the invariance properties of deep networks to such transformations. We propose ManiFool as a simple yet scalable algorithm to measure the invariance of deep networks. In particular, our algorithm measures the robustness of deep networks to geometric transformations in a worst-case regime as they can be problematic for sensitive applications. Our extensive experimental results show that ManiFool can be used to measure the invariance of fairly complex networks on high dimensional datasets and these values can be used for analyzing the reasons for it. Furthermore, we build on Manifool to propose a new adversarial training scheme and we show its effectiveness on improving the invariance properties of deep neural networks.


Cascade Attribute Learning Network

We propose the cascade attribute learning network (CALNet), which can learn attributes in a control task separately and assemble them together. Our contribution is twofold: first we propose attribute learning in reinforcement learning (RL). Attributes used to be modeled using constraint functions or terms in the objective function, making it hard to transfer. Attribute learning, on the other hand, models these task properties as modules in the policy network. We also propose using novel cascading compensative networks in the CALNet to learn and assemble attributes. Using the CALNet, one can zero shoot an unseen task by separately learning all its attributes, and assembling the attribute modules. We have validated the capacity of our model on a wide variety of control problems with attributes in time, position, velocity and acceleration phases.


Stacked Kernel Network

Kernel methods are powerful tools to capture nonlinear patterns behind data. They implicitly learn high (even infinite) dimensional nonlinear features in the Reproducing Kernel Hilbert Space (RKHS) while making the computation tractable by leveraging the kernel trick. Classic kernel methods learn a single layer of nonlinear features, whose representational power may be limited. Motivated by recent success of deep neural networks (DNNs) that learn multi-layer hierarchical representations, we propose a Stacked Kernel Network (SKN) that learns a hierarchy of RKHS-based nonlinear features. SKN interleaves several layers of nonlinear transformations (from a linear space to a RKHS) and linear transformations (from a RKHS to a linear space). Similar to DNNs, a SKN is composed of multiple layers of hidden units, but each parameterized by a RKHS function rather than a finite-dimensional vector. We propose three ways to represent the RKHS functions in SKN: (1)nonparametric representation, (2)parametric representation and (3)random Fourier feature representation. Furthermore, we expand SKN into CNN architecture called Stacked Kernel Convolutional Network (SKCN). SKCN learning a hierarchy of RKHS-based nonlinear features by convolutional operation with each filter also parameterized by a RKHS function rather than a finite-dimensional matrix in CNN, which is suitable for image inputs. Experiments on various datasets demonstrate the effectiveness of SKN and SKCN, which outperform the competitive methods.


Constraint Coupled Distributed Optimization: Relaxation and Duality Approach

In this paper we consider a distributed optimization scenario in which agents of a network want to minimize the sum of local convex cost functions, each one depending on a local variable, subject to convex local and coupling constraints, with the latter involving all the decision variables. We propose a novel distributed algorithm based on a relaxation of the primal problem and an elegant exploration of duality theory. Despite its complex derivation, based on several duality steps, the distributed algorithm has a very simple and intuitive structure. That is, each node finds a primal-dual optimal solution pair of a local, relaxed version of the original problem, and then linearly updates other dual variables. We prove that agents’ estimates asymptotically converge to an optimal solution of the given problem, namely to a point satisfying both local and coupling constraints and having optimal cost. This primal recovery property is obtained without any averaging mechanism typically used in dual methods. To corroborate the theoretical results, we show how the methodology applies to an instance of a Distributed Model Predictive Control scheme in a microgrid control scenario.


CondenseNet: An Efficient DenseNet using Learned Group Convolutions

Deep neural networks are increasingly used on mobile devices, where computational resources are limited. In this paper we develop CondenseNet, a novel network architecture with unprecedented efficiency. It combines dense connectivity between layers with a mechanism to remove unused connections. The dense connectivity facilitates feature re-use in the network, whereas learned group convolutions remove connections between layers for which this feature re-use is superfluous. At test time, our model can be implemented using standard grouped convolutions – allowing for efficient computation in practice. Our experiments demonstrate that CondenseNets are much more efficient than stateof-the-art compact convolutional networks such as MobileNets and ShuffleNets.


Acronym Expansion: A Domain Independent Approach

Acronyms are present in usually all documents to express information that is repetitive and well known. But acronyms can be ambiguous because there can be many expansions of the same acronym. In this paper, we propose a general system for acronym expansion that can work on any acronym given some context information it is used in. We present methods for retrieving all the possible expansions of an acronym from Wikipedia and AcronymsFinder.com. We propose to use these expansions to collect the context in which these acronym expansions are used and then score them using a deep learning technique called Doc2Vec. All these things collectively lead to achieving an accuracy of 90.9% in selecting the correct expansion for given acronym on a dataset we scraped from Wikipedia with 707 distinct acronyms and 14,876 disambiguations.


A Big Data Analysis Framework Using Apache Spark and Deep Learning

With the spreading prevalence of Big Data, many advances have recently been made in this field. Frameworks such as Apache Hadoop and Apache Spark have gained a lot of traction over the past decades and have become massively popular, especially in industries. It is becoming increasingly evident that effective big data analysis is key to solving artificial intelligence problems. Thus, a multi-algorithm library was implemented in the Spark framework, called MLlib. While this library supports multiple machine learning algorithms, there is still scope to use the Spark setup efficiently for highly time-intensive and computationally expensive procedures like deep learning. In this paper, we propose a novel framework that combines the distributive computational abilities of Apache Spark and the advanced machine learning architecture of a deep multi-layer perceptron (MLP), using the popular concept of Cascade Learning. We conduct empirical analysis of our framework on two real world datasets. The results are encouraging and corroborate our proposed framework, in turn proving that it is an improvement over traditional big data analysis methods that use either Spark or Deep learning as individual elements.


HashGAN:Attention-aware Deep Adversarial Hashing for Cross Modal Retrieval

As the rapid growth of multi-modal data, hashing methods for cross-modal retrieval have received considerable attention. Deep-networks-based cross-modal hashing methods are appealing as they can integrate feature learning and hash coding into end-to-end trainable frameworks. However, it is still challenging to find content similarities between different modalities of data due to the heterogeneity gap. To further address this problem, we propose an adversarial hashing network with attention mechanism to enhance the measurement of content similarities by selectively focusing on informative parts of multi-modal data. The proposed new adversarial network, HashGAN, consists of three building blocks: 1) the feature learning module to obtain feature representations, 2) the generative attention module to generate an attention mask, which is used to obtain the attended (foreground) and the unattended (background) feature representations, 3) the discriminative hash coding module to learn hash functions that preserve the similarities between different modalities. In our framework, the generative module and the discriminative module are trained in an adversarial way: the generator is learned to make the discriminator cannot preserve the similarities of multi-modal data w.r.t. the background feature representations, while the discriminator aims to preserve the similarities of multi-modal data w.r.t. both the foreground and the background feature representations. Extensive evaluations on several benchmark datasets demonstrate that the proposed HashGAN brings substantial improvements over other state-of-the-art cross-modal hashing methods.


Improving the Adversarial Robustness and Interpretability of Deep Neural Networks by Regularizing their Input Gradients

Deep neural networks have proven remarkably effective at solving many classification problems, but have been criticized recently for two major weaknesses: the reasons behind their predictions are uninterpretable, and the predictions themselves can often be fooled by small adversarial perturbations. These problems pose major obstacles for the adoption of neural networks in domains that require security or transparency. In this work, we evaluate the effectiveness of defenses that differentiably penalize the degree to which small changes in inputs can alter model predictions. Across multiple attacks, architectures, defenses, and datasets, we find that neural networks trained with this input gradient regularization exhibit robustness to transferred adversarial examples generated to fool all of the other models. We also find that adversarial examples generated to fool gradient-regularized models fool all other models equally well, and actually lead to more ‘legitimate,’ interpretable misclassifications as rated by people (which we confirm in a human subject experiment). Finally, we demonstrate that regularizing input gradients makes them more naturally interpretable as rationales for model predictions. We conclude by discussing this relationship between interpretability and robustness in deep neural networks.


Machine Translation Using Semantic Web Technologies: A Survey

A large number of machine translation approaches has been developed recently with the aim of migrating content easily across languages. However, the literature suggests that many boundaries have to be dealt with to achieve better automatic translations. A central issue that machine translation systems must handle is ambiguity. A promising way of overcoming this problem is using semantic web technologies. This article presents the results of a systematic review of approaches that rely on semantic web technologies within machine translation approaches for translating natural-language sentences. Overall, our survey suggests that while semantic web technologies can enhance the quality of machine translation outputs for various problems, the combination of both is still in its infancy.


An Introduction to Deep Visual Explanation

The practical impact of deep learning on complex supervised learning problems has been significant, so much so that almost every Artificial Intelligence problem, or at least a portion thereof, has been somehow recast as a deep learning problem. The applications appeal is significant, but this appeal is increasingly challenged by what some call the challenge of explainability, or more generally the more traditional challenge of debuggability: if the outcomes of a deep learning process produce unexpected results (e.g., less than expected performance of a classifier), then there is little available in the way of theories or tools to help investigate the potential causes of such unexpected behavior, especially when this behavior could impact people’s lives. We describe a preliminary framework to help address this issue, which we call ‘deep visual explanation’ (DVE). ‘Deep,’ because it is the development and performance of deep neural network models that we want to understand. ‘Visual,’ because we believe that the most rapid insight into a complex multi-dimensional model is provided by appropriate visualization techniques, and ‘Explanation,’ because in the spectrum from instrumentation by inserting print statements to the abductive inference of explanatory hypotheses, we believe that the key to understanding deep learning relies on the identification and exposure of hypotheses about the performance behavior of a learned deep model. In the exposition of our preliminary framework, we use relatively straightforward image classification examples and a variety of choices on initial configuration of a deep model building scenario. By careful but not complicated instrumentation, we expose classification outcomes of deep models using visualization, and also show initial results for one potential application of interpretability.


SkipNet: Learning Dynamic Routing in Convolutional Networks

Increasing depth and complexity in convolutional neural networks has enabled significant progress in visual perception tasks. However, incremental improvements in accuracy are often accompanied by exponentially deeper models that push the computational limits of modern hardware. These incremental improvements in accuracy imply that only a small fraction of the inputs require the additional model complexity. As a consequence, for any given image it is possible to bypass multiple stages of computation to reduce the cost of forward inference without affecting accuracy. We exploit this simple observation by learning to dynamically route computation through a convolutional network. We introduce dynamically routed networks (SkipNets) by adding gating layers that route images through existing convolutional networks and formulate the routing problem in the context of sequential decision making. We propose a hybrid learning algorithm which combines supervised learning and reinforcement learning to address the challenges of inherently non-differentiable routing decisions. We show SkipNet reduces computation by 30 – 90% while preserving the accuracy of the original model on four benchmark datasets. We compare SkipNet with SACT and ACT to show SkipNet achieves better accuracy with lower computation.


Neural Text Generation: A Practical Guide

Deep learning methods have recently achieved great empirical success on machine translation, dialogue response generation, summarization, and other text generation tasks. At a high level, the technique has been to train end-to-end neural network models consisting of an encoder model to produce a hidden representation of the source text, followed by a decoder model to generate the target. While such models have significantly fewer pieces than earlier systems, significant tuning is still required to achieve good performance. For text generation models in particular, the decoder can behave in undesired ways, such as by generating truncated or repetitive outputs, outputting bland and generic responses, or in some cases producing ungrammatical gibberish. This paper is intended as a practical guide for resolving such undesired behavior in text generation models, with the aim of helping enable real-world applications.


Memory Aware Synapses: Learning what (not) to forget

Humans can learn in a continuous manner. Old rarely utilized knowledge can be overwritten by new incoming information while important, frequently used knowledge is prevented from being erased. In artificial learning systems, lifelong learning so far has focused mainly on accumulating knowledge over tasks and overcoming catastrophic forgetting. In this paper, we argue that, given the limited model capacity and the unlimited new information to be learned, knowledge has to be preserved or erased selectively. Inspired by neuroplasticity, we propose an online method to compute the importance of the parameters of a neural network, based on the data that the network is actively applied to, in an unsupervised manner. After learning a task, whenever a sample is fed to the network, we accumulate an importance measure for each parameter of the network, based on how sensitive the predicted output is to a change in this parameter. When learning a new task, changes to important parameters are penalized. We show that a local version of our method is a direct application of Hebb’s rule in identifying the important connections between neurons. We test our method on a sequence of object recognition tasks and on the challenging problem of learning an embedding in a continuous manner. We show state of the art performance and the ability to adapt the importance of the parameters towards what the network needs (not) to forget, which may be different for different test conditions.


Multiple Instance Learning Networks for Fine-Grained Sentiment Analysis

We consider the task of fine-grained sentiment analysis from the perspective of multiple instance learning (MIL). Our neural model is trained on document sentiment labels, and learns to predict the sentiment of text segments, i.e. sentences or elementary discourse units (EDUs), without segment-level supervision. We introduce an attention-based polarity scoring method for identifying positive and negative text snippets and a new dataset which we call SPOT (as shorthand for Segment-level POlariTy annotations) for evaluating MIL-style sentiment models like ours. Experimental results demonstrate superior performance against multiple baselines, whereas a judgement elicitation study shows that EDU-level opinion extraction produces more informative summaries than sentence-based alternatives.


Population Based Training of Neural Networks

Neural networks dominate the modern machine learning landscape, but their training and success still suffer from sensitivity to empirical choices of hyperparameters such as model architecture, loss function, and optimisation algorithm. In this work we present \emph{Population Based Training (PBT)}, a simple asynchronous optimisation algorithm which effectively utilises a fixed computational budget to jointly optimise a population of models and their hyperparameters to maximise performance. Importantly, PBT discovers a schedule of hyperparameter settings rather than following the generally sub-optimal strategy of trying to find a single fixed set to use for the whole course of training. With just a small modification to a typical distributed hyperparameter training framework, our method allows robust and reliable training of models. We demonstrate the effectiveness of PBT on deep reinforcement learning problems, showing faster wall-clock convergence and higher final performance of agents by optimising over a suite of hyperparameters. In addition, we show the same method can be applied to supervised learning for machine translation, where PBT is used to maximise the BLEU score directly, and also to training of Generative Adversarial Networks to maximise the Inception score of generated images. In all cases PBT results in the automatic discovery of hyperparameter schedules and model selection which results in stable training and better final performance.


Scattering Forms and the Positive Geometry of Kinematics, Color and the Worldsheet
Convex duality and Orlicz spaces in expected utility maximization
Appearance-and-Relation Networks for Video Classification
Sparse Inverse Covariance Estimation for Chordal Structures
Plug and Play Bench: Simplifying Big Data Benchmarking Using Containers
Lower Bounds for Symbolic Computation on Graphs: Strongly Connected Components, Liveness, Safety, and Diameter
Convolutional Image Captioning
SHIP: A Scalable High-performance IPv6 Lookup Algorithm that Exploits Prefix Characteristics
A Study to Optimize Heterogeneous Resources for Open IoT
Persistent homology machine learning for fingerprint classification
Quantifying the Effects of Enforcing Disentanglement on Variational Autoencoders
An Exploration of Word Embedding Initialization in Deep-Learning Tasks
Hierarchical Bayesian modeling of fluid-induced seismicity
JADE: Joint Autoencoders for Dis-Entanglement
Disentangling Dynamics and Content for Control and Planning
Cost-Effective Active Learning for Melanoma Segmentation
Echo State Transfer Learning for Data Correlation Aware Resource Allocation in Wireless Virtual Reality
Neural Ranking Models with Multiple Document Fields
Real-Time Capable Micro-Doppler Signature Decomposition of Walking Human Limbs
Selling to a No-Regret Buyer
Micro-Doppler Based Human-Robot Classification Using Ensemble and Deep Learning Approaches
Stability of depth functions of cover ideals of balanced hypergraphs
Nonequilibrium entropic bounds for Darwinian replicators
Towards Accurate Deceptive Opinion Spam Detection based on Word Order-preserving CNN
D numbers theory based game-theoretic framework in adversarial decision making under fuzzy environment
Spine decompositions and limit theorems for a class of critical superprocesses
A Near-optimal Algorithm for Edge Connectivity-based Hierarchical Graph Decomposition
Multiple Instance Curriculum Learning for Weakly Supervised Object Detection
Communication and Synchronization of Distributed Medical Models: Design, Development, and Performance Analysis
Feature Selection Facilitates Learning Mixtures of Discrete Product Distributions
The Impact of an AirBnb Host’s Listing Description ‘Sentiment’ and Length On Occupancy Rates
An Oracle Property of The Nadaraya-Watson Kernel Estimator for High Dimensional Nonparametric Regression
Mathematical Model and Optimal Control of the Transmission Dynamics of Avian Spirochaetosis (TICK Fever)
On estimation of the noise variance in high-dimensional linear models
On Irregular Linear Quadratic Control: Deterministic Case
Outage Analysis of Ambient Backscatter Communication Systems
On the Inverse of Forward Adjacency Matrix
Multivariate Copula Spatial Dependency in One Bit Compressed Sensing
Fitting Jump Models
Malaria Likelihood Prediction By Effectively Surveying Households Using Deep Reinforcement Learning
Correlated Eigenvalues Optical Communications
A-Evac: the evacuation simulator for stochastic environment
On the Relations of Correlation Filter Based Trackers and Struck
Structure-Aware and Temporally Coherent 3D Human Pose Estimation
An Energy Efficient Spectrum Sensing in Cognitive Radio Wireless Sensor Networks
Expectation maximization transfer learning and its application for bionic hand prostheses
Optimal Gossip Algorithms for Exact and Approximate Quantile Computations
Unsupervised Learning aids Prediction: Using Future Representation Learning Variantial Autoencoder for Human Action Prediction
Maximum principles and Aleksandrov-Bakelman-Pucci type estimates for non-local Schrödinger equations with exterior conditions
Generalizing Hamiltonian Monte Carlo with Neural Networks
Gradually Updated Neural Networks for Large-Scale Image Recognition
Supersaturation of $C_4$: from Zarankiewicz towards Erdős-Simonovits-Sidorenko
Self-contracted curves in CAT(0)-spaces and their rectifiability
Experiential, Distributional and Dependency-based Word Embeddings have Complementary Roles in Decoding Brain Activity
Constrained Geometric Attitude Control on SO(3)
An Adaptive Strategy for Active Learning with Smooth Decision Boundary
A numerical procedure and unified formulation for the adjoint approach in hyperbolic PDE-constrained optimal control problems
Adaptive Coding and Modulation for Large-Scale Antenna Array Based Aeronautical Communications in the Presence of Co-channel Interference
Learning Less-Overlapping Representations
Inference of Spatio-Temporal Functions over Graphs via Multi-Kernel Kriged Kalman Filtering
A tale of centrally symmetric polytopes and spheres
Unsupervised 3D Reconstruction from a Single Image via Adversarial Learning
DeepRadiologyNet: Radiologist Level Pathology Detection in CT Head Images
Noncrossing simultaneous Bayesian quantile curve fitting
Training Confidence-calibrated Classifiers for Detecting Out-of-Distribution Samples
In2I : Unsupervised Multi-Image-to-Image Translation Using Generative Adversarial Networks
Smartphone App Usage Prediction Using Points of Interest
The Inverse Weighted Lindley Distribution: Properties, Estimation and an Application on a Failure Time Data
Circuit Preserving Edge Maps
Semantically Consistent Image Completion with Fine-grained Details
Beyond Part Models: Person Retrieval with Refined Part Pooling
Automatic Color Image Segmentation Using a Square Elemental Region-Based Seeded Region Growing and Merging Method
On the spectrum of hypergraphs
Generative Adversarial Network for Abstractive Text Summarization
Feature Map Pooling for Cross-View Gait Recognition Based on Silhouette Sequence Images
Internal controllability of non-localized solution for the Kodomtsev-Petviashvili II equation
Design of LDPC Codes for the Unequal Power Two-User Gaussian Multiple Access Channel
Seshadri constants and special configurations of points in the projective plane
Ensemble-marginalized Kalman filter for linear time-dependent PDEs with noisy boundary conditions: Application to heat transfer in building walls
Learning to Remember Translation History with a Continuous Cache
Personalized and Occupational-aware Age Progression by Generative Adversarial Networks
Obtaining the coefficients of a Vector Autoregression Model through minimization of parameter criteria
Circulant Hadamard matrices as HFP-codes of type $C_{4n}\times C_2$
Compressive Sensing of Color Images Using Nonlocal Higher Order Dictionary
Localization properties and high-fidelity state transfer in electronic hopping models with correlated disorder
Online Facility Location on Semi-Random Streams
Model misspecification and bias for inverse probability weighting and doubly robust estimators
Whale Optimization Based Energy-Efficient Cluster Head Selection Algorithm for Wireless Sensor Networks
Linear-quadratic McKean-Vlasov stochastic control problems with random coefficients on finite and infinite horizon, and applications
Improved Neural Text Attribute Transfer with Non-parallel Data
Novel Adaptive Genetic Algorithm Sample Consensus
A Multi Objective Reliable Location-Inventory Capacitated Disruption Facility Problem with Penalty Cost Solve with Efficient Meta Historic Algorithms
Pedagogical Learning
Learning a Rotation Invariant Detector with Rotatable Bounding Box
Complement to the results of F. Sharov
A note on using performance and data profilesfor training algorithms
BL-MNE: Emerging Heterogeneous Social Network Embedding through Broad Learning with Aligned Autoencoder
BL-ECD: Broad Learning based Enterprise Community Detection via Hierarchical Structure Fusion
MAVOT: Memory-Augmented Video Object Tracking
The effect of local majority on global majority in connected graphs
The collapse of ecosystem engineer populations
Agreement tests on graphs and hypergraphs
Low degree almost Boolean functions are sparse juntas
Calibration Concordance for Astronomical Instruments via Multiplicative Shrinkage
Coplanar Repeats by Energy Minimization
A general unified framework for interval pairwise comparison matrices
Quantum Artificial Life in an IBM Quantum Computer
Balancing Speed and Quality in Online Learning to Rank for Information Retrieval
An Analytical Framework for Coverage in Cellular Networks Leveraging Vehicles
Sensitive and Scalable Online Evaluation with Theoretical Guarantees
An abstract proximal point algorithm
Approximating the Permanent of a Random Matrix with Vanishing Mean
STAR-RT: Visual attention for real-time video game playing
Point of Interest Recommendation Methods in Location Based Social Networks: Traveling to a new geographical region
Robust PCA and Robust Subspace Tracking
Skip-Sliding Window Codes
Kohnert polynomials
Performance Analysis of a Cognitive Radio Network with an Energy Harvesting Secondary Transmitter under Nakagami-m Fading
Depth Map Completion by Jointly Exploiting Blurry Color Images and Sparse Depth Maps
Modeling Past and Future for Neural Machine Translation
Heat kernel estimates for FIN processes associated with resistance forms
Query-Adaptive R-CNN for Open-Vocabulary Object Detection and Retrieval
Highly Efficient Human Action Recognition with Quantum Genetic Algorithm Optimized Support Vector Machine
Spanning Lattice Polytopes and the Uniform Position Principle
Structure propagation for zero-shot learning
Asymptotic Analysis via Stochastic Differential Equations of Gradient Descent Algorithms in Statistical and Computational Paradigms
DeepDeblur: Fast one-step blurry face images restoration
Proceedings of NIPS 2017 Workshop on Machine Learning for the Developing World
An infinite quantum Ramsey theorem
One can hear the Euler characteristic of a simplicial complex
Dynamic Graph Generation Network: Generating Relational Knowledge from Diagrams
Learning with Biased Complementary Labels
Hierarchical Siamese Network for Thermal Infrared Object Tracking
DTranx: A SEDA-based Distributed and Transactional Key Value Store with Persistent Memory Log
Symmetric Grothendieck polynomials, skew Cauchy identities, and dual filtered Young graphs
On estimation in varying coefficient models for sparse and irregularly sampled functional data
Attention Clusters: Purely Attention Based Local Feature Integration for Video Classification
Accessible Melanoma Detection using Smartphones and Mobile Image Analysis
Discriminative Region Proposal Adversarial Networks for High-Quality Image-to-Image Translation
Interpretable Convolutional Neural Networks for Effective Translation Initiation Site Prediction
Why People Search for Images using Web Search Engines
HP-GAN: Probabilistic 3D human motion prediction via GAN
AUPCR Maximizing Matchings : Towards a Pragmatic Notion of Optimality for One-Sided Preference Matchings
Novel market approach for locally balancing renewable energy production and flexible demand
Stochastic Heat Equations with Values in a Manifold via Dirichlet Forms
Code Completion with Neural Attention and Pointer Networks
Extracting Automata from Recurrent Neural Networks Using Queries and Counterexamples
Can Spatiotemporal 3D CNNs Retrace the History of 2D CNNs and ImageNet?
Joint Cuts and Matching of Partitions in One Graph
Relativistic verifiable delegation of quantum computation
Robust variable screening for regression using factor profiling
Scalable and Efficient Configuration of Time-Division Multiplexed Resources
FCLT – A Fully-Correlational Long-Term Tracker
Review of recent developments in the random-field Ising model
Deep Reinforcement Learning for Sepsis Treatment
Characterising Dependency in Computer Networks using Spectral Coherence
Hierarchical Video Generation from Orthogonal Information: Optical Flow and Texture
Emergence of coherence through mutual entrainment between microscopic and macroscopic dynamics in dynamically balanced neuronal networks
Limit theorems, scaling of moments and intermittency for integrated finite variance supOU processes
Order-Sensitivity and Equivariance of Scoring Functions
Transfer Learning in CNNs Using Filter-Trees
One-Shot Coresets: The Case of k-Clustering
Inverse Perron values and connectivity of a uniform hypergraph
Spread rate of branching Brownian motions
Feedback Acquisition and Reconstruction of Spectrum-Sparse Signals by Predictive Level Comparisons
DeepBrain: Functional Representation of Neural In-Situ Hybridization Images for Gene Ontology Classification Using Deep Convolutional Autoencoders
DeepAPT: Nation-State APT Attribution Using End-to-End Deep Neural Networks
DeepChess: End-to-End Deep Neural Network for Automatic Learning in Chess
Structural relaxation and highly viscous flow
Improving OCR Accuracy on Early Printed Books by utilizing Cross Fold Training and Voting
Probabilistic solution of Yao’s millionaires’ problem
Binary classification models with Uncertain predictions
Butterfly Effect: Bidirectional Control of Classification Performance by Small Additive Perturbation
Production Ready Chatbots: Generate if not Retrieve
A combinatorial model for tame frieze patterns
Classifier Selection with Permutation Tests
Language Bootstrapping: Learning Word Meanings From Perception-Action Association
Local dimensions of random homogeneous self-similar measures: strong separation and finite type
Table-to-text Generation by Structure-aware Seq2seq Learning
Exploiting the potential of unlabeled endoscopic video data with self-supervised learning
Observers for a non-Lipschitz triangular form
On the Threshold Problem for Latin Boxes
How linguistic descriptions of data can help to the teaching-learning process in higher education, case of study: artificial intelligence
Witnet: A Decentralized Oracle Network Protocol
GazeGAN – Unpaired Adversarial Image Generation for Gaze Estimation
Improper Gaussian signaling for multiple-access channels in underlay cognitive radio
A Pedagogical Intrinsic Approach to Relative Entropies as Potential Functions of Quantum Metrics: the $q$-$z$ Family
Data Dependent Kernel Approximation using Pseudo Random Fourier Features
Eigenvalue monotonicity of $q$-Laplacians of trees along a poset
The local limit of the uniform spanning tree on dense graphs
2D Image Convolution using Three Parallel Programming Models on the Xeon Phi
Pathogen evolution: slow and steady spreads the best
Uncertainty quantification for complex systems with very high dimensional response using Grassmann manifold variations
Scalable Object Detection for Stylized Objects
Lexical-semantic resources: yet powerful resources for automatic personality classification
Separating Self-Expression and Visual Content in Hashtag Supervision
Random replacements in Pólya urns with infinitely many colours
Torsional rigidity for cylinders with a Brownian fracture
The Time-Invariant Multidimensional Gaussian Sequential Rate-Distortion Problem Revisited
Laura++ : a Dalitz plot fitter
On the Robustness of Semantic Segmentation Models to Adversarial Attacks
Frameworks for Designing In-place Graph Algorithms
Accelerated Optimization in the PDE Framework: Formulations for the Active Contour Case
Large-scale Point Cloud Semantic Segmentation with Superpoint Graphs
Slim Embedding Layers for Recurrent Neural Language Models
Divide-and-Conquer Reinforcement Learning
Context-modulation of hippocampal dynamics and deep convolutional networks
A microscopically motivated renormalization scheme for the MBL/ETH transition
AI Safety Gridworlds