Unsupervised Low-Dimensional Vector Representations for Words, Phrases and Text that are Transparent, Scalable, and produce Similarity Metrics that are Complementary to Neural Embeddings

Neural embeddings are a popular set of methods for representing words, phrases or text as a low dimensional vector (typically 50-500 dimensions). However, it is difficult to interpret these dimensions in a meaningful manner, and creating neural embeddings requires extensive training and tuning of multiple parameters and hyperparameters. We present here a simple unsupervised method for representing words, phrases or text as a low dimensional vector, in which the meaning and relative importance of dimensions is transparent to inspection. We have created a near-comprehensive vector representation of words, and selected bigrams, trigrams and abbreviations, using the set of titles and abstracts in PubMed as a corpus. This vector is used to create several novel implicit word-word and text-text similarity metrics. The implicit word-word similarity metrics correlate well with human judgement of word pair similarity and relatedness, and outperform or equal all other reported methods on a variety of biomedical benchmarks, including several implementations of neural embeddings trained on PubMed corpora. Our implicit word-word metrics capture different aspects of word-word relatedness than word2vec-based metrics and are only partially correlated (rho = ~0.5-0.8 depending on task and corpus). The vector representations of words, bigrams, trigrams, abbreviations, and PubMed title+abstracts are all publicly available from http://arrowsmith.psych.uic.edu for release under CC-BY-NC license. Several public web query interfaces are also available at the same site, including one which allows the user to specify a given word and view its most closely related terms according to direct co-occurrence as well as different implicit similarity metrics.


Clustering with Outlier Removal

Cluster analysis and outlier detection are strongly coupled tasks in data mining area. Cluster structure can be easily destroyed by few outliers; on the contrary, the outliers are defined by the concept of cluster, which are recognized as the points belonging to none of the clusters. However, most existing studies handle them separately. In light of this, we consider the joint cluster analysis and outlier detection problem, and propose the Clustering with Outlier Removal (COR) algorithm. Generally speaking, the original space is transformed into the binary space via generating basic partitions in order to define clusters. Then an objective function based Holoentropy is designed to enhance the compactness of each cluster with a few outliers removed. With further analyses on the objective function, only partial of the problem can be handled by K-means optimization. To provide an integrated solution, an auxiliary binary matrix is nontrivally introduced so that COR completely and efficiently solves the challenging problem via a unified K-means- – with theoretical supports. Extensive experimental results on numerous data sets in various domains demonstrate the effectiveness and efficiency of COR significantly over the rivals including K-means- – and other state-of-the-art outlier detection methods in terms of cluster validity and outlier detection. Some key factors in COR are further analyzed for practical use. Finally, an application on flight trajectory is provided to demonstrate the effectiveness of COR in the real-world scenario.


Knowledge-based Word Sense Disambiguation using Topic Models

Word Sense Disambiguation is an open problem in Natural Language Processing which is particularly challenging and useful in the unsupervised setting where all the words in any given text need to be disambiguated without using any labeled data. Typically WSD systems use the sentence or a small window of words around the target word as the context for disambiguation because their computational complexity scales exponentially with the size of the context. In this paper, we leverage the formalism of topic model to design a WSD system that scales linearly with the number of words in the context. As a result, our system is able to utilize the whole document as the context for a word to be disambiguated. The proposed method is a variant of Latent Dirichlet Allocation in which the topic proportions for a document are replaced by synset proportions. We further utilize the information in the WordNet by assigning a non-uniform prior to synset distribution over words and a logistic-normal prior for document distribution over synsets. We evaluate the proposed method on Senseval-2, Senseval-3, SemEval-2007, SemEval-2013 and SemEval-2015 English All-Word WSD datasets and show that it outperforms the state-of-the-art unsupervised knowledge-based WSD system by a significant margin.


A Comprehensive Survey of Ontology Summarization: Measures and Methods

The Semantic Web is becoming a large scale framework that enables data to be published, shared, and reused in the form of ontologies. The ontology which is considered as basic building block of semantic web consists of two layers including data and schema layer. With the current exponential development of ontologies in both data size and complexity of schemas, ontology understanding which is playing an important role in different tasks such as ontology engineering, ontology learning, etc., is becoming more difficult. Ontology summarization as a way to distill knowledge from an ontology and generate an abridge version to facilitate a better understanding is getting more attention recently. There are various approaches available for ontology summarization which are focusing on different measures in order to produce a proper summary for a given ontology. In this paper, we mainly focus on the common metrics which are using for ontology summarization and meet the state-of-the-art in ontology summarization.


Generating Neural Networks with Neural Networks

Hypernetworks are neural networks that transform a random input vector into weights for a specified target neural network. We formulate the hypernetwork training objective as a compromise between accuracy and diversity, where the diversity takes into account trivial symmetry transformations of the target network. We show that this formulation naturally arises as a relaxation of an optimistic probability distribution objective for the generated networks, and we explain how it is related to variational inference. We use multi-layered perceptrons to form the mapping from the low dimensional input random vector to the high dimensional weight space, and demonstrate how to reduce the number of parameters in this mapping by weight sharing. We perform experiments on a four layer convolutional target network which classifies MNIST images, and show that the generated weights are diverse and have interesting distributions.


Visual Text Correction

This paper tackles the Text Correction (TC) problem, i.e., finding and replacing an inaccurate word in a sentence. We introduce a novel deep network which detects the inaccuracy in a sentence and selects the best appropriate word to substitute. Our pipeline can be trained in an End-To-End fashion. Moreover, our method leverages the visual features and extends the simple text correction to Visual Text Correction (VTC). We present a method to fuse the visual and textual data for VTC problem. In our formulation, every single word dynamically selects part of a visual feature vector through a gating process. Furthermore, to train and evaluate our model, we propose an approach to automatically construct a large dataset for VTC problem. Our experiments and performance analysis demonstrate that the proposed method provides the best results and also highlights the challenges in solving the VTC problem. To the best of our knowledge, this work is the first of its kind for the Visual Text Correction task.


The proximal alternating direction method of multipliers in the nonconvex setting: convergence analysis and rates

We propose two numerical algorithms for minimizing the sum of a smooth function and the composition of a nonsmooth function with a linear operator in the fully nonconvex setting. The iterative schemes are formulated in the spirit of the proximal and, respectively, proximal linearized alternating direction method of multipliers. The proximal terms are introduced through variable metrics, which facilitates the derivation of proximal splitting algorithms for nonconvex complexly structured optimization problems as particular instances of the general schemes. Convergence of the iterates to a KKT point of the objective function is proved under mild conditions on the sequence of variable metrics and by assuming that a regularization of the associated augmented Lagrangian has the Kurdyka-Lojasiewicz property. If the augmented Lagrangian has the Lojasiewicz property, then convergence rates of both augmented Lagrangian and iterates are derived.


Probabilistic Control for Uncertain Systems

In this paper a new framework has been applied to the design of controllers which encompasses nonlinearity, hysteresis and arbitrary density functions of forward models and inverse controllers. Using mixture density networks, the probabilistic models of both the forward and inverse dynamics are estimated such that they are dependent on the state and the control input. The optimal control strategy is then derived which minimizes uncertainty of the closed loop system. In the absence of reliable plant models, the proposed control algorithm incorporates uncertainties in model parameters, observations, and latent processes. The local stability of the closed loop system has been established. The efficacy of the control algorithm is demonstrated on two nonlinear stochastic control examples with additive and multiplicative noise.


Covariant Compositional Networks For Learning Graphs

Most existing neural networks for learning graphs address permutation invariance by conceiving of the network as a message passing scheme, where each node sums the feature vectors coming from its neighbors. We argue that this imposes a limitation on their representation power, and instead propose a new general architecture for representing objects consisting of a hierarchy of parts, which we call Covariant Compositional Networks (CCNs). Here, covariance means that the activation of each neuron must transform in a specific way under permutations, similarly to steerability in CNNs. We achieve covariance by making each activation transform according to a tensor representation of the permutation group, and derive the corresponding tensor aggregation rules that each neuron must implement. Experiments show that CCNs can outperform competing methods on standard graph learning benchmarks.


Applying an Ensemble Learning Method for Improving Multi-label Classification Performance

In recent years, multi-label classification problem has become a controversial issue. In this kind of classification, each sample is associated with a set of class labels. Ensemble approaches are supervised learning algorithms in which an operator takes a number of learning algorithms, namely base-level algorithms and combines their outcomes to make an estimation. The simplest form of ensemble learning is to train the base-level algorithms on random subsets of data and then let them vote for the most popular classifications or average the predictions of the base-level algorithms. In this study, an ensemble learning method is proposed for improving multi-label classification evaluation criteria. We have compared our method with well-known base-level algorithms on some data sets. Experiment results show the proposed approach outperforms the base well-known classifiers for the multi-label classification problem.


Neural Networks for Information Retrieval

Machine learning plays a role in many aspects of modern IR systems, and deep learning is applied in all of them. The fast pace of modern-day research has given rise to many approaches to many IR problems. The amount of information available can be overwhelming both for junior students and for experienced researchers looking for new research topics and directions. The aim of this full-day tutorial is to give a clear overview of current tried-and-trusted neural methods in IR and how they benefit IR.


Gradient Layer: Enhancing the Convergence of Adversarial Training for Generative Models

We propose a new technique that boosts the convergence of training generative adversarial networks. Generally, the rate of training deep models reduces severely after multiple iterations. A key reason for this phenomenon is that a deep network is expressed using a highly non-convex finite-dimensional model, and thus the parameter gets stuck in a local optimum. Because of this, methods often suffer not only from degeneration of the convergence speed but also from limitations in the representational power of the trained network. To overcome this issue, we propose an additional layer called the gradient layer to seek a descent direction in an infinite-dimensional space. Because the layer is constructed in the infinite-dimensional space, we are not restricted by the specific model structure of finite-dimensional models. As a result, we can get out of the local optima in finite-dimensional models and move towards the global optimal function more directly. In this paper, this phenomenon is explained from the functional gradient method perspective of the gradient layer. Interestingly, the optimization procedure using the gradient layer naturally constructs the deep structure of the network. Moreover, we demonstrate that this procedure can be regarded as a discretization method of the gradient flow that naturally reduces the objective function. Finally, the method is tested using several numerical experiments, which show its fast convergence.


Graph Autoencoder-Based Unsupervised Feature Selection with Broad and Local Data Structure Preservation

Feature selection is a dimensionality reduction technique that selects a subset of representative features from high-dimensional data by eliminating irrelevant and redundant features. Recently, feature selection combined with sparse learning has attracted significant attention due to its outstanding performance compared with traditional feature selection methods that ignores correlation between features. These works first map data onto a low-dimensional subspace and then select features by posing a sparsity constraint on the transformation matrix. However, they are restricted by design to linear data transformation, a potential drawback given that the underlying correlation structures of data are often non-linear. To leverage a more sophisticated embedding, we propose an autoencoder-based unsupervised feature selection approach that leverages a single-layer autoencoder for a joint framework of feature selection and manifold learning. More specifically, we enforce column sparsity on the weight matrix connecting the input layer and the hidden layer, as in previous work. Additionally, we include spectral graph analysis on the projected data into the learning process to achieve local data geometry preservation from the original data space to the low-dimensional feature space. Extensive experiments are conducted on image, audio, text, and biological data. The promising experimental results validate the superiority of the proposed method.


Learning Tree-based Deep Model for Recommender Systems

We propose a novel recommendation method based on tree. With user behavior data, the tree based model can capture user interests from coarse to fine, by traversing nodes top down and make decisions whether to pick up each node to user. Compared to traditional model-based methods like matrix factorization (MF), our tree based model does not have to fetch and estimate each item in the entire set. Instead, candidates are drawn from subsets corresponding to user’s high-level interests, which is defined by the tree structure. Meanwhile, finding candidates from the entire corpus brings more novelty than content-based approaches like item-based collaborative filtering.Moreover, in this paper, we show that the tree structure can also act to refine user interests distribution, to benefit both training and prediction. The experimental results in both open dataset and Taobao display advertising dataset indicate that the proposed method outperforms existing methods.


Evaluation of Machine Learning Algorithms for Intrusion Detection System

Intrusion detection system (IDS) is one of the implemented solutions against harmful attacks. Furthermore, attackers always keep changing their tools and techniques. However, implementing an accepted IDS system is also a challenging task. In this paper, several experiments have been performed and evaluated to assess various machine learning classifiers based on KDD intrusion dataset. It succeeded to compute several performance metrics in order to evaluate the selected classifiers. The focus was on false negative and false positive performance metrics in order to enhance the detection rate of the intrusion detection system. The implemented experiments demonstrated that the decision table classifier achieved the lowest value of false negative while the random forest classifier has achieved the highest average accuracy rate.


A generalized concept-cognitive learning: A machine learning viewpoint

Concept-cognitive learning (CCL) is a hot topic in recent years, and it has attracted much attention from the communities of formal concept analysis, granular computing and cognitive computing. However, the relationship among cognitive computing (CC), conceptcognitive computing (CCC), and CCL is not clearly described. To this end, we explain the relationship of CC, CCC, and CCL. Then, we propose a generalized CCL from the point of view of machine learning. Finally, experiments on seven data sets are conducted to evaluate concept formation and concept-cognitive processes of the proposed generalized CCL.


On Enhancing Genetic Algorithms Using New Crossovers

This paper investigates the use of more than one crossover operator to enhance the performance of genetic algorithms. Novel crossover operators are proposed such as the Collision crossover, which is based on the physical rules of elastic collision, in addition to proposing two selection strategies for the crossover operators, one of which is based on selecting the best crossover operator and the other randomly selects any operator. Several experiments on some Travelling Salesman Problems (TSP) have been conducted to evaluate the proposed methods, which are compared to the well-known Modified crossover operator and partially mapped Crossover (PMX) crossover. The results show the importance of some of the proposed methods, such as the collision crossover, in addition to the significant enhancement of the genetic algorithms performance, particularly when using more than one crossover operator.


On randomized counting versus randomised decision
Local Mixing Time: Distributed Computation and Applications
An application of the partial r-Bell polynomials on some family of bivariate polynomials
Improved Style Transfer by Respecting Inter-layer Correlations
On the infection time of kinetically constrained models: universality in two dimensions
Audio Adversarial Examples: Targeted Attacks on Speech-to-Text
Quadrilaterals inscribed in convex curves
Face Flashing: a Secure Liveness Detection Protocol based on Light Reflections
High Dimensional Elliptical Sliced Inverse Regression in non-Gaussian Distributions
Adversarial Perturbation Intensity Achieving Chosen Intra-Technique Transferability Level for Logistic Regression
From Eliza to XiaoIce: Challenges and Opportunities with Social Chatbots
Frame-based Sparse Analysis and Synthesis Signal Representations and Parseval K-SVD
Compressive sensing adaptation for polynomial chaos expansions
Expansion of Multiple Stratonovich Stochastic Integrals of Multiplicity 2, Based on Double Fourier-Legendre Series, Summarized by Prinsheim Method
Faster Deep Q-learning using Neural Episodic Control
Stretched Exponential Relaxation of Glasses: Origin of the Mixed Alkali Effect
Distance formulas capable of unifying Euclidian space and probability space
A Note on the Inception Score
Domain-Specific Face Synthesis for Video Face Recognition from a Single Sample Per Person
Trainable ISTA for Sparse Signal Recovery
Refinements of Levenshtein bounds in $q$-ary Hamming spaces
The impact of bundling licensed and unlicensed wireless service
Procrustes Metrics on Covariance Operators and Optimal Transportation of Gaussian Processes
Energy-Efficient NOMA Enabled Heterogeneous Cloud Radio Access Networks
State of the Art, Taxonomy, and Open Issues on Cognitive Radio Networks with NOMA
Using reinforcement learning to learn how to play text-based games
Probabilistic DHP Adaptive Critic for Nonlinear Stochastic Control Systems
On decoding procedures of intertwining codes
The Absolute of finitely generated groups: I. Commutative groups
Multiscale Sparse Microcanonical Models
A Class of MSR Codes for Clustered Distributed Storage
Reverse and Forward Engineering of Local Voltage Control in Distribution Networks
A Survey on Quantum Channel Capacities
Decentralized Base-Graph Routing for the Quantum Internet
Learning Hierarchical Features for Visual Object Tracking with Recursive Neural Networks
Degree powers in graphs with a forbidden forest
Robot Localisation and 3D Position Estimation Using a Free-Moving Camera and Cascaded Convolutional Neural Networks
Characterization and Efficient Search of Non-Elementary Trapping Sets of LDPC Codes with Applications to Stopping Sets
ReMotENet: Efficient Relevant Motion Event Detection for Large-scale Home Surveillance Videos
Complexity Theory for Discrete Black-Box Optimization Heuristics
Bayesian Social Learning in a Dynamic Environment
Algorithms for orbit closure separation for invariants and semi-invariants of matrices
Multilabeled versions of Sperner’s and Fan’s lemmas and applications
Statistical estimation of the Shannon entropy
Explorations in an English Poetry Corpus: A Neurocognitive Poetics Perspective
Game of Power Allocation on Networks: Balancing Equilibrium
Optimal Error Correcting Delivery Scheme for an Optimal Coded Caching Scheme with Small Buffers
Resource Optimization with Flexible Numerology and Frame Structure for Heterogeneous Services
The plasmon-polariton mirroring due to strong fluctuations of the surface impedance
On the inherent competition between valid and spurious inductive inferences in Boolean data
Analysis of Wikipedia-based Corpora for Question Answering
Spatial Factor Models for High-Dimensional and Large Spatial Data: An Application in Forest Variable Mapping
Complexity, Development, and Evolution in Morphogenetic Collective Systems
Testing equality in distribution of random convex compact sets via theory of N-distances and its application to assessing similarity of general random sets
Improving utility of brain tumor confocal laser endomicroscopy: objective value assessment and diagnostic frame detection with convolutional neural networks
Bayesian Lasso Posterior Sampling via Parallelized Measure Transport
MIZAN: A Large Persian-English Parallel Corpus
SBNet: Sparse Blocks Network for Fast Inference
Convergence of the empirical spectral distribution of Gaussian matrix-valued processes
Convex Relaxations for Pose Graph Optimization with Outliers
Architecture Based Classification of Leaf Images
Competitive Multi-agent Inverse Reinforcement Learning with Sub-optimal Demonstrations
Threshold Auto-Tuning Metric Learning
Stochastic Dynamic Pricing for EV Charging Stations with Renewables Integration and Energy Storage
Placement of EV Charging Stations — Balancing Benefits among Multiple Entities
A Consumer Behavior Based Approach to Multi-Stage EV Charging Station Placement
Deep Bidirectional and Unidirectional LSTM Recurrent Neural Network for Network-wide Traffic Speed Prediction
Authorization Policies and Co-Operating Strategies of DSCloud Platform
Australia’s long-term electricity demand forecasting using deep neural networks
Concentration of the spectral norm of Erdoős-Rényi random graphs
Blind Demixing for Low-Latency Communication
Metastability in Stochastic Replicator Dynamics
Detection and segmentation of the Left Ventricle in Cardiac MRI using Deep Learning
Market-based Control of Air-Conditioning Loads with Switching Constraints for Providing Ancillary Services
Effective strong convergence of the proximal point algorithm in CAT(0) spaces
Clique-coloring of $K_{3,3}$-minor free graphs
Approximate FPGA-based LSTMs under Computation Time Constraints
Shannon Information Entropy in Heavy-ion Collisions
Multi-platform Version of StarCraft: Brood War in a Docker Container: Technical Report
Private Computation of Systematically Encoded Data with Colluding Servers
Cross-modal Embeddings for Video and Audio Retrieval
Indian Regional Movie Dataset for Recommender Systems
The Network of U.S. Mutual Fund Investments: Diversification, Similarity and Fragility throughout the Global Financial Crisis
Building Generalizable Agents with a Realistic and Rich 3D Environment
On two conjectured supercongruences involving truncated hypergeometric series
Critical Multipliers in Semidefinite Programming
Foreground Segmentation Using a Triplet Convolutional Neural Network for Multiscale Feature Encoding
On the randomised query complexity of composition
Analysis of Geographic/Delay-Tolerant Routing in Mobile Wireless Networks
Local search algorithms for wireless mesh networks
Trading the Twitter Sentiment with Reinforcement Learning
Exact distribution of selected multivariate test criteria by numerical inversion of their characteristic functions
Theory of Deep Learning IIb: Optimization Properties of SGD
Denoising Dictionary Learning Against Adversarial Perturbations
A Dual Approximate Dynamic Programming Approach to Multi-stage Stochastic Unit Commitment
Anatomical Data Augmentation For CNN based Pixel-wise Classification
Magic Polygons and Their Properties
Seasonal Goods and Spoiled Milk: Pricing for a Limited Shelf-Life
Sample-Efficient Reinforcement Learning through Transfer and Architectural Priors
Perceptual Context in Cognitive Hierarchies
Reflected forward-backward stochastic differential equations driven by G-Brownian motion with continuous monotone coefficients
Identity-preserving Face Recovery from Portraits
Winograd Schema – Knowledge Extraction Using Narrative Chains
Explicit Construction of MBR Codes for Clustered Distributed Storage
Depth Sequence Coding with Hierarchical Partitioning and Spatial-domain Quantisation
Hyperplane Neural Codes and the Polar Complex
Cooperative Linear-Quadratic Mean Field Control and Its Hamiltonian Matrix Analysis
Joint Transmitter and Receiver Design for Pattern Division Multiple Access
Log-concave sampling: Metropolis-Hastings algorithms are fast!
Efficient Encoding/Decoding of Irreducible Words for Codes Correcting Tandem Duplications
Probability distributions of multi-species q-TAZRP and ASEP as double cosets of parabolic subgroups
Generalized Reed-Solomon Codes with Sparsest and Balanced Generator Matrices
HeNet: A Deep Learning Approach on Intel$^\circledR$ Processor Trace for Effective Exploit Detection
Adaptive Bayesian Shrinkage Estimation Using Log-Scale Shrinkage Priors
Building Capacity-Achieving PIR Schemes with Optimal Sub-Packetization over Small Fields
Long-term Multi-granularity Deep Framework for Driver Drowsiness Detection
Deep Nearest Class Mean Model for Incremental Odor Classification
Grassmannian Codes with New Distance Measures for Network Coding
Global Asymptotic Stability for General MIMO Distributed Systems: An Approach Based on Robust-Adaptive Controllers
Lifting a prescribed group of automorphisms of graphs
Optimal Time Scheduling for Wireless-Powered Backscatter Communication Networks
Maximum principles for time-fractional Cauchy problems with spatially non-local components
A Game-Theoretic Approach for NOMA-ALOHA
Exponential stability of general 1-D quasilinear systems with source terms for the $C^1$ norm under boundary conditions
Faster algorithms for SVP and CVP in the $\ell_{\infty}$ norm
A convergent $1/n$-expansion for GSE and GOE
Acceleration of Mean Square Distance Calculations with Floating Close Structure in Metadynamics Simulations
Demonstration of Envariance and Parity Learning on the IBM 16 Qubit Processor
Weak convergence of the sequential empirical copula processes under long-range dependence
Approximately locating an invisible agent in a graph with relative distance queries
Discrete Gaussian distributions via theta functions
The Explicit Coding Rate Region of Symmetric Multilevel Diversity Coding
How fast planar maps get swallowed by a peeling process?
Generalized Pólya Urn Schemes with Negative but Linear Reinforcements
Attacking Speaker Recognition With Deep Generative Models
Synthetic Data Augmentation using GAN for Improved Liver Lesion Classification
Statistical Experimental Design in Compressed Sensing Set-ups for Optical and Transmission Electron Microscopy
Age-Optimal Updates of Multiple Information Flows
The Expected Parameter Change (EPC) for Local Dependence Assessment in Binary Data Latent Class Models
Distinguishing density and the Distinct Spheres Condition
Learning with Heterogeneous Side Information Fusion for Recommender Systems
Enumeration and randomized constructions of hypertrees
Symmetric solutions for a partial differential elliptic equation that arises in stochastic production planning with production constraints
Deep Crisp Boundaries: From Boundaries to Higher-level Tasks
Precoding via Approximate Message Passing with Instantaneous Signal Constraints
Convergence in variation of solutions of nonlinear Fokker-Planck-Kolmogorov equations to stationary measures
On Maximum Focused Electric Energy in Bounded Regions
Extremes of vector-valued Gaussian processes with Trend
The time of ultimate recovery in Gaussian risk model
Ensemble One-dimensional Convolution Neural Networks for Skeleton-based Action Recognition
Tail Behaviors of A class of Generalized Weighted Kolmogorov-Smirnov Statistics
On the consistency of adaptive multiple tests
Blockchain Technology as a Regulatory Technology: From Code is Law to Law is Code
Spiking memristor logic gates are a type of time-variant perceptron
Convergence rates of proximal gradient methods via the convex conjugate
On the one parameter unit-Lindley distribution and its associated regression model for proportion data
Semi-parametric detection of multiple changes in long-range dependent processes
Fano Kaleidoscopes and their generalizations
Refined Tail Asymptotic Properties for the $M^X/G/1$ Retrial Queue
Probing non-orthogonality of eigenvectors in non-Hermitian matrix models: diagrammatic approach
Finitary coding of the sub-critical Ising model with finite expected coding volume
The local limit theorem on nilpotent Lie groups
A Scale-out Blockchain for Value Transfer with Spontaneous Sharding
On the Discrepancy Between Two Zagreb Indices
Bayesian estimation of a decreasing density
Bridging the Gap: Simultaneous Fine Tuning for Data Re-Balancing
Gaussian 1-2-1 Networks: Capacity Results for mmWave Communications
Information Theoretic Security for Side-Channel Attacks to the Shannon Cipher System
Sampling Almost Periodic and related Functions
Weighted Contrastive Divergence
The KPZ equation and moments of random matrices
Analyzing Roles of Classifiers and Code-Mixed factors for Sentiment Identification
Quenched phantom distribution functions for Markov chains
Unsupervised Discovery of Toxoplasma gondii Motility Phenotypes
Simulations to Analyze Cellular Voting Systems for Side Effects of Democratic Redistricting
Utility Optimal Scheduling for Coded Caching in General Topologies
Concatenation and Pasting of Right Processes
Monte Carlo modified profile likelihood for panel data models
Pattern Recognition on Oriented Matroids: Symmetric Cycles in the Hypercube Graphs. II
Three Puzzles on Mathematics, Computation, and Games
Web2Text: Deep Structured Boilerplate Removal
LaVAN: Localized and Visible Adversarial Noise
Secure Beamforming in Full-Duplex SWIPT Systems With Loopback Self-Interference Cancellation
Generating adversarial examples with adversarial networks
Spatially transformed adversarial examples
Characterizing Adversarial Subspaces Using Local Intrinsic Dimensionality