RMDL: Random Multimodel Deep Learning for Classification

The continually increasing number of complex datasets each year necessitates ever improving machine learning methods for robust and accurate categorization of these data. This paper introduces Random Multimodel Deep Learning (RMDL): a new ensemble, deep learning approach for classification. Deep learning models have achieved state-of-the-art results across many domains. RMDL solves the problem of finding the best deep learning structure and architecture while simultaneously improving robustness and accuracy through ensembles of deep learning architectures. RDML can accept as input a variety data to include text, video, images, and symbolic. This paper describes RMDL and shows test results for image and text data including MNIST, CIFAR-10, WOS, Reuters, IMDB, and 20newsgroup. These test results show that RDML produces consistently better performance than standard methods over a broad range of data types and classification problems.


MAESTRO: An Open-source Infrastructure for Modeling Dataflows within Deep Learning Accelerators

We present MAESTRO, a framework to describe and analyze CNN dataflows, and predict performance and energy-efficiency when running neural network layers across various hardware configurations. This includes two components: (i) a concise language to describe arbitrary dataflows and (ii) and analysis framework that accepts the dataflow description, hardware resource description, and DNN layer description as inputs and generates buffer requirements, buffer access counts, network-on-chip (NoC) bandwidth requirements, and roofline performance information. We demonstrate both components across several dataflows as case studies.


Exploration by Distributional Reinforcement Learning

We propose a framework based on distributional reinforcement learning and recent attempts to combine Bayesian parameter updates with deep reinforcement learning. We show that our proposed framework conceptually unifies multiple previous methods in exploration. We also derive a practical algorithm that achieves efficient exploration on challenging control tasks.


A Rank-Based Similarity Metric for Word Embeddings

Word Embeddings have recently imposed themselves as a standard for representing word meaning in NLP. Semantic similarity between word pairs has become the most common evaluation benchmark for these representations, with vector cosine being typically used as the only similarity metric. In this paper, we report experiments with a rank-based metric for WE, which performs comparably to vector cosine in similarity estimation and outperforms it in the recently-introduced and challenging task of outlier detection, thus suggesting that rank-based measures can improve clustering quality.


Enhancing the Regularization Effect of Weight Pruning in Artificial Neural Networks

Artificial neural networks (ANNs) may not be worth their computational/memory costs when used in mobile phones or embedded devices. Parameter-pruning algorithms combat these costs, with some algorithms capable of removing over 90% of an ANN’s weights without harming the ANN’s performance. Removing weights from an ANN is a form of regularization, but existing pruning algorithms do not significantly improve generalization error. We show that pruning ANNs can improve generalization if pruning targets large weights instead of small weights. Applying our pruning algorithm to an ANN leads to a higher image classification accuracy on CIFAR-10 data than applying the popular regularizer dropout. The pruning couples this higher accuracy with an 85% reduction of the ANN’s parameter count.


Causal programming: inference with structural causal models as finding instances of a relation

This paper proposes a causal inference relation and causal programming as general frameworks for causal inference with structural causal models. A tuple, \langle M, I, Q, F \rangle, is an instance of the relation if a formula, F, computes a causal query, Q, as a function of known population probabilities, I, in every model entailed by a set of model assumptions, M. Many problems in causal inference can be viewed as the problem of enumerating instances of the relation that satisfy given criteria. This unifies a number of previously studied problems, including causal effect identification, causal discovery and recovery from selection bias. In addition, the relation supports formalizing new problems in causal inference with structural causal models, such as the problem of research design. Causal programming is proposed as a further generalization of causal inference as the problem of finding optimal instances of the relation, with respect to a cost function.


Various Approaches to Aspect-based Sentiment Analysis

The problem of aspect-based sentiment analysis deals with classifying sentiments (negative, neutral, positive) for a given aspect in a sentence. A traditional sentiment classification task involves treating the entire sentence as a text document and classifying sentiments based on all the words. Let us assume, we have a sentence such as ‘the acceleration of this car is fast, but the reliability is horrible’. This can be a difficult sentence because it has two aspects with conflicting sentiments about the same entity. Considering machine learning techniques (or deep learning), how do we encode the information that we are interested in one aspect and its sentiment but not the other? Let us explore various pre-processing steps, features, and methods used to facilitate in solving this task.


DISPATCH: An Optimal Algorithm for Online Perfect Bipartite Matching with i.i.d. Arrivals

This work presents the first algorithm for the problem of weighted online perfect bipartite matching with i.i.d. arrivals. Previous work only considered adversarial arrival sequences. In this problem, we are given a known set of workers, a distribution over job types, and non-negative utility weights for each worker, job type pair. At each time step, a job is drawn i.i.d. from the distribution over job types. Upon arrival, the job must be irrevocably assigned to a worker. The goal is to maximize the expected sum of utilities after all jobs are assigned. Our work is motivated by the application of ride-hailing, where jobs represent passengers and workers represent drivers. We introduce \algname{}, a 0.5-competitive, randomized algorithm and prove that 0.5-competitive is the best possible. \algname{} first selects a ‘preferred worker’ and assign the job to this worker if it is available. The preferred worker is determined based on an optimal solution to a fractional transportation problem. If the preferred worker is not available, \algname{} randomly selects a worker from the available workers. We show that \algname{} maintains a uniform distribution over the workers even when the distribution over the job types is non-uniform.


A Constraint-Based Algorithm For Causal Discovery with Cycles, Latent Variables and Selection Bias

Causal processes in nature may contain cycles, and real datasets may violate causal sufficiency as well as contain selection bias. No constraint-based causal discovery algorithm can currently handle cycles, latent variables and selection bias (CLS) simultaneously. I therefore introduce an algorithm called Cyclic Causal Inference (CCI) that makes sound inferences with a conditional independence oracle under CLS, provided that we can represent the cyclic causal process as a non-recursive linear structural equation model with independent errors. Empirical results show that CCI outperforms CCD in the cyclic case as well as rivals FCI and RFCI in the acyclic case.


Population Anomaly Detection through Deep Gaussianization

We introduce an algorithmic method for population anomaly detection based on gaussianization through an adversarial autoencoder. This method is applicable to detection of `soft’ anomalies in arbitrarily distributed highly-dimensional data. A soft, or population, anomaly is characterized by a shift in the distribution of the data set, where certain elements appear with higher probability than anticipated. Such anomalies must be detected by considering a sufficiently large sample set rather than a single sample. Applications include, but not limited to, payment fraud trends, data exfiltration, disease clusters and epidemics, and social unrests. We evaluate the method on several domains and obtain both quantitative results and qualitative insights.


Context Spaces as the Cornerstone of a Near-Transparent & Self-Reorganizing Semantic Desktop

Existing Semantic Desktops are still reproached for being too complicated to use or not scaling well. Besides, a real ‘killer app’ is still missing. In this paper, we present a new prototype inspired by NEPOMUK and its successors having a semantic graph and ontologies as its basis. In addition, we introduce the idea of context spaces that users can directly interact with and work on. To make them available in all applications without further ado, the system is transparently integrated using mostly standard protocols complemented by a sidebar for advanced features. By exploiting collected context information and applying Managed Forgetting features (like hiding, condensation or deletion), the system is able to dynamically reorganize itself, which also includes a kind of tidy-up-itself functionality. We therefore expect it to be more scalable while providing new levels of user support. An early prototype has been implemented and is presented in this demo.


Dynamic and Static Topic Model for Analyzing Time-Series Document Collections

For extracting meaningful topics from texts, their structures should be considered properly. In this paper, we aim to analyze structured time-series documents such as a collection of news articles and a series of scientific papers, wherein topics evolve along time depending on multiple topics in the past and are also related to each other at each time. To this end, we propose a dynamic and static topic model, which simultaneously considers the dynamic structures of the temporal topic evolution and the static structures of the topic hierarchy at each time. We show the results of experiments on collections of scientific papers, in which the proposed method outperformed conventional models. Moreover, we show an example of extracted topic structures, which we found helpful for analyzing research activities.


Collaborations on YouTube: From Unsupervised Detection to the Impact on Video and Channel Popularity
Decoupling GPU Programming Models from Resource Management for Enhanced Programming Ease, Portability, and Performance
Anticipating contingengies in power grids using fast neural net screening
t-PINE: Tensor-based Predictable and Interpretable Node Embeddings
Abstract: UMONS submission for the OMG-Emotion Challenge
Dictionary Learning and Sparse Coding on Statistical Manifolds
Construction of the Minimum Time Function for Linear Systems Via Higher-Order Set-Valued Methods
A Generic Self-Evolving Neuro-Fuzzy Controller based High-performance Hexacopter Altitude Control System
Power Law in Sparsified Deep Neural Networks
Weak convergence theorems for a symmetric generalized hybrid mapping and an equilibrium problem
Opinion modeling on social media and marketing aspects
Players Movements and Team Shooting Performance: a Data Mining approach for Basketball
Modeling Dengue Vector Population Using Remotely Sensed Data and Machine Learning
Predicting Gender and Race from Near Infrared Iris and Periocular Images
Optimal time delays in a class of reaction-diffusion equations
Analysis of nonsmooth stochastic approximation: the differential inclusion approach
A note on $b$-coloring of Kneser graphs
Pathwise estimates for effective dynamics: the case of nonlinear vectorial reaction coordinates
Superconducting Optoelectronic Neurons I: General Principles
Anticipating Persistent Infection
Learning to See in the Dark
Superconducting Optoelectronic Neurons III: Synaptic Plasticity
Superconducting Optoelectronic Neurons IV: Transmitter Circuits
Superconducting Optoelectronic Neurons V: Networks and Scaling
Broadband Cyclic-Symmetric Magnet-less Circulators and Theoretical Bounds on their Bandwidth
Reliability Map Estimation For CNN-Based Camera Model Attribution
Light for communication and superconductors for efficiency in neural computing
Advanced local motion patterns for macro and micro facial expression recognition
A Coherent Unsupervised Model for Toponym Resolution
Behavioral Cloning from Observation
Improve Uncertainty Estimation for Unknown Classes in Bayesian Neural Networks with Semi-Supervised /One Set Classification
Motion Planning Among Dynamic, Decision-Making Agents with Deep Reinforcement Learning
Cone points of Brownian motion in arbitrary dimension
An Infinite-dimensional McKean-Vlasov Stochastic Equation
MTFH: A Matrix Tri-Factorization Hashing Framework for Efficient Cross-Modal Retrieval
Estimation of Power System Inertia Using Nonlinear Koopman Modes
Event-triggering stabilization of real and complex linear systems with disturbances over digital channels
#ILookLikeAnEngineer: Using Social Media Based Hashtag Activism Campaigns as a Lens to Better Understand Engineering Diversity Issues
Fast-converging Conditional Generative Adversarial Networks for Image Synthesis
Lossy Transmission of Correlated Sources over Two-Way Channels
Unsupervised Feature Learning via Non-Parametric Instance-level Discrimination
Reconstruction of a compactly supported sound profile in the presence of a random background medium
Designing the Game to Play: Optimizing Payoff Structure in Security Games
The 2-adic complexity of a class of binary sequences with optimal autocorrelation magnitude
Compressed Coded Distributed Computing
Modal Barriers to Controllability in Networks with Linearly-Coupled Homogeneous Subsystems
Parallel Closed-Loop Connected Vehicle Simulator for Large-Scale Transportation Network Management: Challenges, Issues, and Solution Approaches
Efficient Top K Temporal Spatial Keyword Search
Generalised Dining Philosophers as Feedback Control
Power grid stability under perturbation of single nodes: Effects of heterogeneity and internal nodes
Position Estimation of Camera Based on Unsupervised Learning
Optimal Harvest-or-Transmit Strategy for Energy Harvesting Underlay Cognitive Radio Network
Chinese NER Using Lattice LSTM
A New Perspective on Stochastic Local Search and the Lovasz Local Lemma
Investigating Cross-domain Redundancies in the Context of Vehicle Automation – A Trajectory Tracking Perspective
Weakly-supervised Visual Instrument-playing Action Detection in Videos
A Nearly Optimal Algorithm for Approximate Minimum Selection with Unreliable Comparisons
Compositional Representation of Morphologically-Rich Input for Neural Machine Translation
Integration in Social Networks
Bivariate representation and conjugacy class zeta functions associated to unipotent group schemes, II: Groups of type F, G, and H
Transfer Learning of Artist Group Factors to Musical Genre Classification
Conditional and marginal relative risk parameters for a class of recursive regression graph models
On general notions of depth for regression
Improved Detection Strategies for Nonlinear Frequency-Division Multiplexing
On planar bipartite biregular degree sequences
Partition-Balanced Families of Codes and Asymptotic Enumeration in Coding Theory
Local-Global Convergence, an analytic and structural approach
Abelian ideals of a Borel subalgebra and root systems, II
Bone marrow cells detection: A technique for the microscopic image analysis
Polar Wavelets in Space
Divergence Free Polar Wavelets
Deep Reinforcement Learning for Playing 2.5D Fighting Games
Almost similar configurations
Ring Compute-and-Forward over Block-Fading Channels
Decentralized Nonparametric Multiple Testing
Dynamic relations in sampled processes
Modelling Competitive marketing strategies in Social Networks
Hypergraph framework for irreducible noncontextuality inequalities from logical proofs of the Kochen-Specker theorem
Learning Selfie-Friendly Abstraction from Artistic Style Images
On degeneracy and the parameterized complexity of subgraph counting
Separability of Schur rings over an abelian group of order 4p
RiFCN: Recurrent Network in Fully Convolutional Network for Semantic Segmentation of High Resolution Remote Sensing Images
Exploring Hyper-Parameter Optimization for Neural Machine Translation on GPU Architectures
Learning Patient Representations from Text
Cluster-based trajectory segmentation with local noise
Developing parsimonious ensembles using ensemble diversity within a reinforcement learning framework
Revisiting Temporal Modeling for Video-based Person ReID
Service Discovery for Hyperledger Fabric
Predicting Race and Ethnicity From the Sequence of Characters in a Name
An Accelerated Approach to Safely and Efficiently Test Pre-produced Autonomous Vehicles on Public Streets
On the Distributions of Infinite Server Queues with Batch Arrivals
The Two Eyes Lemma: a linking problem for horoball necklaces
Estimation and Tracking of AP-diameter of the Inferior Vena Cava in Ultrasound Images Using a Novel Active Circle Algorithm
An explicit Floquet-type representation of Riccati aperiodic exponential semigroups
On integral structure types
A Counter-Forensic Method for CNN-Based Camera Model Identification
Private Sequential Learning
A splitting algorithm for fixed points of nonexpansive mappings and equilibrium problems
The Power Allocation Game on A Network: Computation Issue
Fishnet Model with Order Statistics for Tail Probability of Failure of Nacreous Biomimetic Materials with Softening Interlaminar Links
An Image dehazing approach based on the airlight field estimation
Automatic Classification of Object Code Using Machine Learning
Criticality, The List Color Function, and List Coloring the Cartesian Product of Graphs
Quantization Mimic: Towards Very Tiny CNN for Object Detection
Tree-like distance colouring for planar graphs of sufficient girth
Acceleration of RED via Vector Extrapolation
Branching embedding: A heuristic dimensionality reduction algorithm based on hierarchical clustering
Velocity formulae between entropy and hitting time for Markov chains
Multi-Scale Face Restoration with Sequential Gating Ensemble Network
Joint CS-MRI Reconstruction and Segmentation with a Unified Deep Network
Erdős-Burgess constant of the multiplicative semigroup of the quotient ring of $\mathbb{F}_q[x]$
Coset decision trees and the Fourier algebra
Algorithms for finding global and local equilibrium points of Nash-Cournot equilibrium models involving concave cost
An Interval Type-2 Fuzzy Approach to Automatic PDF Generation for Histogram Specification
Predicting clinical significance of BRCA1 and BRCA2 single nucleotide substitution variants with unknown clinical significance using probabilistic neural network and deep neural network-stacked autoencoder
Distributed Joint Offloading Decision and Resource Allocation for Multi-User Mobile Edge Computing: A Game Theory Approach
On Restricted Disjunctive Temporal Problems: Faster Algorithms and Tractability Frontier
Modeling Multidimensional User Relevance in IR using Vector Spaces
Enhanced Fritz John Stationarity, New Constraint Qualifications and Local Error Bound for Mathematical Programs with Vanishing Constraints
Simple Games versus Weighted Voting Games
Asynchronous Multiple Access in Optical Wireless Scattering Communication: Achievable Transmission Rates and Receiver Design
Wormhole: A Fast Ordered Index for In-memory Data Management
Correlation Heuristics for Constraint Programming