ICAART 2020 Abstracts


Area 1 - Artificial Intelligence

Full Papers
Paper Nr: 29
Title:

Detecting Bidding Fraud using a Few Labeled Data

Authors:

Sulaf Elshaar and Samira Sadaoui

Abstract: Shill Bidding (SB) is a serious auction fraud committed by clever scammers. The challenge in labeling multi-dimensional SB training data hinders research on SB classification. To safeguard individuals from shill bidders, in this study, we explore Semi-Supervised Classification (SSC), which is the most suitable method for our fraud detection problem since SSC can learn efficiently from a few labeled data. To label a portion of SB data, we propose an anomaly detection method that we combine with hierarchical clustering. We carry out several experiments to determine statistically the minimal sufficient amount of labeled data required to achieve the highest accuracy. We also investigate the misclassified bidders to see where the misclassification occurs. The empirical analysis demonstrates that SSC reduces the laborious effort of labeling SB data.
Download

Paper Nr: 33
Title:

Winventor: A Machine-driven Approach for the Development of Winograd Schemas

Authors:

Nicos Isaak and Loizos Michael

Abstract: The Winograd Schema Challenge — the task of resolving pronouns in certain carefully-constructed sentences — has recently been proposed as a basis for a novel form of CAPTCHAs. Such uses of the task necessitate the availability of a large, and presumably continuously-replenished, collection of available Winograd Schemas, which goes beyond what human experts can reasonably develop by themselves. Towards tackling this issue, we introduce Winventor, the first, to our knowledge, system that attempts to fully automate the development of Winograd Schemas, or at least to considerably help humans in this development task. Beyond describing the system, the paper presents a series of three studies that demonstrate, respectively, Winventor’s ability to replicate existing Winograd Schemas from the literature, automatically develop reasonable Winograd Schemas from scratch, and aid humans in developing Winograd Schemas by post-processing the system’s suggestions.
Download

Paper Nr: 38
Title:

Evaluation of Reinforcement Learning Methods for a Self-learning System

Authors:

David Bechtold, Alexander Wendt and Axel Jantsch

Abstract: In recent years, interest in self-learning methods has increased significantly. A challenge is to learn to survive in a real or simulated world by solving tasks with as little prior knowledge about itself, the task, and the environment. In this paper, the state of the art methods of reinforcement learning, in particular, Q-learning, are analyzed regarding applicability to such a problem. The Q-learning algorithm is completed with replay memories and exploration functions. Several small improvements are proposed. The methods are then evaluated in two simulated environments: a discrete bit-flip and a continuous pendulum environment. The result is a lookup table of the best suitable algorithms for each type of problem.
Download

Paper Nr: 39
Title:

Classification, Localization and Captioning of Dangerous Situations using Inception-v3 Network and CAM

Authors:

Sichen Zhang, Axel Heßler and Ming Zhang

Abstract: An early situation assessment is an important aspect during emergency missions and provides useful information for fast decision making. However, many situations can be dangerous and visually hard to analyze due to the complexity. With the recent development in the field of artificial intelligence and computer vision there exists a wide range of application possibilities including automatic situation detection. However, many related works focused either on event captioning or on dangerous object detection. Therefore in this paper, a novel approach for simultaneous recognition and localization of dangerous situation is proposed: Two different CNN architectures are used, whereas one of the CNN, the Inception-v3, is modified to generate Class Activation Map (CAM). With CAM it is possible to generate bounding boxes for recognized objects without being explicitly trained for it. This eliminates the need for large image dataset with manually annotated boxes. The information about the detected objects from both networks, their spatial-relationships and the severity of the situation are then analyzed in the situation detection module. The detected situation is finally summarized in a short description and made available for the emergency managers to support them in fast decision makings.
Download

Paper Nr: 70
Title:

Temporal Cognitive Maps

Authors:

Adrian Robert, David Genest and Stéphane Loiseau

Abstract: A cognitive map is an oriented graph whose nodes are labeled by concepts and edges represent influences. It provides a way to model strategies or influence systems. Cognitive maps do not take into account any temporal features. This article proposes a solution to this lack: a temporal cognitive map model defined on a temporal ontology. The temporal ontology is used to represent temporal domain knowledge and to temporally characterize the concepts of the cognitive map. An extension, named TCMQL, of the cognitive map query language CMQL, is proposed in order to access the concepts’ temporality and compare them making inferences.
Download

Paper Nr: 74
Title:

Conversational Scaffolding: An Analogy-based Approach to Response Prioritization in Open-domain Dialogs

Authors:

Will Myers, Tyler Etchart and Nancy Fulda

Abstract: We present Conversational Scaffolding, a response-prioritization technique that capitalizes on the structural properties of existing linguistic embedding spaces. Vector offset operations within the embedding space are used to identify an ‘ideal’ response for each set of inputs. Candidate utterances are scored based on their cosine distance from this ideal response, and the top-scoring candidate is selected as conversational output. We apply our method in an open-domain dialog setting and show that the most effective analogy-based strategy outperforms both an Approximate Nearest-Neighbor approach and a naive nearest neighbor baseline. We also demonstrate the method’s ability to retrieve relevant dialog responses from a repository containing 19,665 random sentences. As an additional contribution we present the Chit-Chat dataset, a high-quality conversational dataset containing 483,112 lines of friendly, respectful chat exchanges between university students.
Download

Paper Nr: 87
Title:

Deep Learning of Heuristics for Domain-independent Planning

Authors:

Otakar Trunda and Roman Barták

Abstract: Automated planning deals with the problem of finding a sequence of actions leading from a given state to a desired state. The state-of-the-art automated planning techniques exploit informed forward search guided by a heuristic, where the heuristic (under)estimates a distance from a state to a goal state. In this paper, we present a technique to automatically construct an efficient heuristic for a given domain. The proposed approach is based on training a deep neural network using a set of solved planning problems from the domain. We use a novel way of generating features for states which doesn’t depend on usage of existing heuristics. The trained network can be used as a heuristic on any problem from the domain of interest without any limitation on the problem size. Our experiments show that the technique is competitive with popular domain-independent heuristic.
Download

Paper Nr: 89
Title:

Progressive Training in Recurrent Neural Networks for Chord Progression Modeling

Authors:

Trung-Kien Vu, Teeradaj Racharak, Satoshi Tojo, Nguyen H. Thanh and Nguyen L. Minh

Abstract: Recurrent neural networks (RNNs) can be trained to process sequences of tokens as they show impressive results in several sequence prediction. In general, when RNNs are trained, their goals are to maximize the likelihood of each token in the sequence where each token could be represented as a one-hot representation. That is, the model learns for its sequence prediction from true class labels. However, this creates a potential drawback, i.e., the model cannot learn from the mistakes. In this work, we propose a progressive learning strategy that can mitigate the mistakes by using domain knowledge. Our strategy gently changes the training process from using the class labels guiding scheme to the similarity distribution of class labels instead. Our experiments on chord progression modeling show that this training paradigm yields significant improvements.
Download

Paper Nr: 94
Title:

An Automated and Distributed Machine Learning Framework for Telecommunications Risk Management

Authors:

Luís Ferreira, André Pilastri, Carlos Martins, Pedro Santos and Paulo Cortez

Abstract: Automation and scalability are currently two of the main challenges of Machine Learning. This paper proposes an automated and distributed ML framework that automatically trains a supervised learning model and produces predictions independently of the dataset and with minimum human input. The framework was designed for the domain of telecommunications risk management, which often requires supervised learning models that need to be quickly updated by non-ML-experts and trained on vast amounts of data. Thus, the architecture assumes a distributed environment, in order to deal with big data, and Automated Machine Learning (AutoML), to select and tune the ML models. The framework includes several modules: task detection (to detect if classification or regression), data preprocessing, feature selection, model training, and deployment. In this paper, we detail the model training module. In order to select the computational technologies to be used in this module, we first analyzed the capabilities of an initial set of five modern AutoML tools: Auto-Keras, Auto-Sklearn, Auto-Weka, H2O AutoML, and TransmogrifAI. Then, we performed a benchmarking of the only two tools that address distributed ML (H2O AutoML and TransmogrifAI). Several comparison experiments were held using three real-world datasets from the telecommunications domain (churn, event forecasting, and fraud detection), allowing us to measure the computational effort and predictive capability of the AutoML tools.
Download

Paper Nr: 95
Title:

Improving Semantic Similarity of Words by Retrofitting Word Vectors in Sense Level

Authors:

Rui Zhang, Peter Schneider-Kamp and Arthur Zimek

Abstract: This paper presents an approach for retrofitting pre-trained word representations into sense level representations to improve semantic distinction of words. We use semantic relations as positive and negative examples to refine the results of a pre-trained model instead of integrating them into the objective functions used during training. We experimentally evaluate our approach on two word similarity tasks by retrofitting six datasets generated from three widely used techniques for word representation using two different strategies. Our approach significantly and consistently outperforms three state-of-the-art retrofitting approaches.
Download

Paper Nr: 99
Title:

Design of Scenario-based Application-optimized Data Replication Strategies through Genetic Programming

Authors:

Syed A. Bokhari and Oliver Theel

Abstract: A distributed system is a paradigm which is indispensable to the current world due to countless requests with every passing second. Therefore, in distributed computing, high availability is very important. In a dynamic environment due to the scalability and complexity of the resources and components, systems are fault-prone because millions of computing devices are connected to each other via communication links. Distributed systems allow many users to access shared computing resources which makes faults inevitable. Replication plays its role in masking failures in order to achieve a fault-tolerant distributed environment. Data replication is an appropriate means to provide highly available data access operations at relatively low operation costs. Although there are several contemporary data replication strategies being used, the question still stands which strategy is the best for a given scenario or application class assuming a certain workload, its distribution across a network, availability of the individual replicas, and cost of the access operations. In this regard, research focuses on analysis, simulation, and machine learning approaches to automatically identify and design such replication strategies that are optimized for a given application scenario based on predefined constraints and properties exploiting a so-called voting structure.
Download

Paper Nr: 106
Title:

Sentence Compression on Domains with Restricted Labeled Data Availability

Authors:

Felipe M. Soares, Ticiana L. Coelho da Silva and Jose F. de Macêdo

Abstract: The majority amount of information available on the Web remains unstructured, i.e., text documents from articles, news, blog posts, product reviews, forums discussions, among others. Given the huge amount of textual content continuously produced on the Web, it has been challenging for users to read and consume every document. Text summarization refers to the technique of shortening long pieces of text. The intention is to create a coherent and fluent summary having only the main points outlined in the document. Sentence compression can improve text summarization by removing redundant information, preserving the grammaticality and the important content of the original sentences. In this paper, we propose a sentence compression neural network model that achieved promising results compared to other neural network-based models, even when trained with smaller amounts of data. Rather than training the model only with the words from the training set, the proposed model was trained with different features extracted from the texts. This improves the ability of the model to decide whether or not to retain each word in the compressed sentence.
Download

Paper Nr: 110
Title:

The Bias-Expressivity Trade-off

Authors:

Julius Lauw, Dominique Macias, Akshay Trikha, Julia Vendemiatti and George D. Montañez

Abstract: Learning algorithms need bias to generalize and perform better than random guessing. We examine the flexibility (expressivity) of biased algorithms. An expressive algorithm can adapt to changing training data, altering its outcome based on changes in its input. We measure expressivity by using an information-theoretic notion of entropy on algorithm outcome distributions, demonstrating a trade-off between bias and expressivity. To the degree an algorithm is biased is the degree to which it can outperform uniform random sampling, but is also the degree to which is becomes inflexible. We derive bounds relating bias to expressivity, proving the necessary trade-offs inherent in trying to create strongly performing yet flexible algorithms.
Download

Paper Nr: 116
Title:

Combining Video and Wireless Signals for Enhanced Audience Analysis

Authors:

Miguel Sanz-Narrillos, Stefano Masneri and Mikel Zorrilla

Abstract: We present a system for audience engagement measurement which combines wireless and vision-based detection techniques. The system is able to detect the position and the movements of the audience during a live event with rapidly varying illumination. At the heart of the paper is an approach to use a wireless-based person detection and tracking system to guide the preprocessing of the frames which are fed to the CNN performing person analysis. We show that the hybrid system performs better than standard vision-based approaches and can be successfully deployed in environments with challenging illumination conditions.
Download

Paper Nr: 122
Title:

Information Preserving Discriminant Projections

Authors:

Jing Peng and Alex J. Aved

Abstract: In classification, a large number of features often make the design of a classifier difficult and degrade its performance. This is particularly pronounced when the number of examples is small relative to the number of features, which is due to the curse of dimensionality. There are many dimensionality reduction techniques in the literature. However, most these techniques are either informative (or minimum information loss), as in principal component analysis (PCA), or discriminant, as in linear discriminant analysis (LDA). Each type of technique has its strengths and weaknesses. Motivated by Gaussian Processes Latent Variable Models, we propose a simple linear projection technique that explores the characteristics of both PCA and LDA in latent representations. The proposed technique optimizes a regularized information preserving objective, where the regularizer is a LDA based criterion. And as such, it prefers a latent space that is both informative and discriminant, thereby providing better generalization performance. Experimental results based on a variety of data sets are provided to validate the proposed technique.
Download

Paper Nr: 141
Title:

Lost and Found: Predicting Airline Baggage At-risk of Being Mishandled

Authors:

Herbert van Leeuwen, Yingqian Zhang, Kalliopi Zervanou, Shantanu Mullick, Uzay Kaymak and Tom de Ruijter

Abstract: The number of bags mishandled while transferring to a connecting flight is high. Bags at-risk of missing their connections can be processed faster; however, identifying such bags at-risk is still done by simple business rules. This work researches a general model of baggage transfer process and proposes a Gradient Boosting Machine based prediction model for identifying the bags at-risk. Our prediction model is compared to the current rule based method and a benchmark using logistic regression. The results show that our model offers an increase in accuracy coupled with a marked increase in precision and recall when identifying bags that are transferred unsuccessfully.
Download

Paper Nr: 146
Title:

On Satisfisfiability Modulo Theories in Continuous Multi-Agent Path Finding: Compilation-based and Search-based Approaches Compared

Authors:

Pavel Surynek

Abstract: Multi-agent path finding (MAPF) in continuous space and time with geometric agents, i.e. agents of various geometric shapes moving smoothly between predefined positions, is addressed in this paper. We analyze a new solving approach based on satisfiability modulo theories (SMT) that is designed to obtain makespan optimal solutions. The standard MAPF is a task of navigating agents in an undirected graph from given starting vertices to given goal vertices so that agents do not collide with each other in vertices or edges of the graph. In the continuous version (MAPFR ), agents move in a metric space along predefined trajectories that interconnect predefined positions. Agents themselves are geometric objects of various shapes occupying certain volume of the space - circles, polygons, etc. For simplicity, we work with circular omni-directional agents having constant velocities in the 2D plane where positions are interconnected by straight lines. As agents can have different shapes/sizes and are moving smoothly along lines, a movement along certain lines done with small agents can be non-colliding while the same movement may result in a collision if performed with larger agents. Such a distinction rooted in the geometric reasoning is not present in the standard MAPF. The SMT-based approach for MAPFR called SMT-CBSR reformulates the well established Conflict-based Search (CBS) algorithm in terms of SMT. Lazy generation of decision variables and constraints is the key idea behing SMT-CBS. Each time a new conflict is discovered, the underlying encoding is extended with new variables and constraints to eliminate the conflict. We compared SMT-CBSR and adaptations of CBS for the continuous variant of MAPF experimentally.
Download

Paper Nr: 151
Title:

Generative Locomotion Model of Snake Robot with Hierarchical Networks for Topological Representation

Authors:

Yoonkyu Hwang and Masato Ishikawa

Abstract: We propose novel generative locomotion models for snake robots. Locomotion researches have been relied on human experts with rich domain-knowledge and experience. Although recent data-driven approaches can achieve explict controllers to make robots move, results often do not show enough interpretability with respect to user-oriented interface. The proposed model focuses on interpretable locomotion generation to help intuitive locomotion planning by end-users. First, we introduce the topological shaping for time-series training data. This allows us to bound the data to specific region, which leads to training/inference simplification, intuitive visualization, and finally high generalization property for the proposed framework. Second, the dedicated hierarchical networks were designed to propagate complex contexts in the snake robot locomotion. The result shows that our generative locomotion models can be utilized as user-oriented interface for interpretable locomotion design.
Download

Paper Nr: 153
Title:

A Fast Algorithm for Unsupervised Feature Value Selection

Authors:

Kilho Shin, Kenta Okumoto, David L. Shepard, Tetsuji Kuboyama, Takako Hashimoto and Hiroaki Ohshima

Abstract: The difficulty of unsupervised feature selection results from the fact that many local solutions can exist simultaneously in the same dataset. No objective measure exists for judging the appropriateness of a particular local solution, because every local solution may reflect some meaningful but different interpretation of the dataset. On the other hand, known accurate feature selection algorithms perform slowly, which limits the number of local solutions that can be obtained using these algorithms. They have a small chance of producing a feature set that can explain the phenomenon being studied. This paper presents a new method for searching many local solutions using a significantly fast and accurate algorithm. In fact, our feature value selection algorithm (UFVS) requires only a few tens of milliseconds for datasets with thousands of features and instances, and includes a parameter that can change the local solutions to select. It changes the scale of the problem, allowing a user to try many different solutions and pick the best one. In experiments with labeled datasets, UFVS found feature value sets that explain the labels, and also, with different parameter values, it detected relationships between feature value sets that did not line up with the given labels.
Download

Paper Nr: 165
Title:

Adapting the Markov Chain based Algorithm M-DBScan to Detect Opponents’ Strategy Changes in the Dynamic Scenario of a StarCraft Player Agent

Authors:

Eldane Vieira Júnior, Rita S. Julia and Elaine R. Faria

Abstract: Digital games represent an appropriate test scenario to investigate the agents’ ability to detect changes in the behavior of other agents trying to prevent them from fulfilling their objectives. Such ability allows the agents to adapt their decision-making process to adequately deal with those changes. The Markov Chain based algorithm M-DBScan is a successful tool conceived to detect novelties in data stream scenarios. Such algorithm has been validated in artificially controlled situations in games in which a single set of features and a single Markov Chain are sufficient to represent the data and to detect the occurrence of novelties, which usually is not enough to make the agents able to adequately perceive the environment changes in real game situations. The main contribution of the present work is then to investigate how to improve the use of M-DBScan as a tool for detecting behavior changes in the context of real and dynamic StarCraft games by using distinct sets of features and Markov Chains to represent the peculiarities of relevant game stages. Further, distinctly from the existing researches, here M-DBScan is validated in situations in which the timestamp, between successive novelties, is not constant.
Download

Paper Nr: 174
Title:

Using Convolutional Neural Networks and Raw Data to Model Intraday Trading Market Behaviour

Authors:

Vitaliy Milke, Cristina Luca, George Wilson and Arooj Fatima

Abstract: This paper presents the use of Convolutional Neural Network (CNN) for finding patterns within intraday trading by being trained with raw Tick and other financial data. The network is specifically used to predict the probability of future movement at the intraday level of trading. The method of raw data pre-processing is evaluated and is critical to avoid errors that reduce the final accuracy of the model; for intraday trading, this includes a focus on the irregular Tick event rather than an arbitrary equal measure of interval time, such as a minute or a day. Training involves the use of a moving image window of 200 Ticks, where each increment of time is from 1 to 10 Ticks. For normalization (atypical for financial data) Tick intervals are capped at 20 milliseconds, Volumes are capped at 10 million, and Prices scaled over local extremes for each 200-Tick chart interval. The neural network was trained using the publicly accessible cloud computing GPU processors of Google Colaboratory. An original methodology for selecting the training data was used which reduced the number of calculations by including only patterns close to the active movements of interest.
Download

Paper Nr: 202
Title:

Object Detection for Autonomous Driving: Motion-aid Feature Calibration Network

Authors:

Dongfang Liu, Yaqin Wang and Eric T. Matson

Abstract: Object detection is a critical task for autonomous driving. The latest progress in deep learning research for object detection has built a solid contribution to the development of autonomous driving. However, direct employment of the state-of-the-art object detectors from image to video is problematic. Object appearances in videos have more variations, e.g., video defocus, motion blur, truncation, etc. Such variations of objects in a video have fewer occurrences in still image and could compromise the detection results. To address these problems, we build a fast and accurate deep learning framework, motion-assist calibration network (MFCN) for video detection. Our model leverages the motion pattern of temporal coherence on video features. It calibrates and aggregates features of detected objects from previous frames along the spatial changes to improve the feature representations on the current frame. The whole model architecture is trained end-to-end which boosts the detection accuracy. Validations on the KITTI and ImageNet dataset show that MFCN can improve the baseline results by 10.3% and 9.9% mAP respectively. Compared with other state-of-the-art models, MFCN achieves a leading performance on KITTI benchmark competition. Results indicate the effectiveness of the proposed model which could facilitate the autonomous driving system.
Download

Paper Nr: 210
Title:

An Autonomous Resiliency Toolkit for Cyber Defense Platforms

Authors:

Fusun Yaman, Thomas Eskridge, Aaron Adler, Michael Atighetchi, Borislava I. Simidchieva, Sarah Jeter, Jennifer Cassetti and Jeffrey DeMatteis

Abstract: Cyber defenders need automation tools that are intuitive, trustworthy, non-intrusive, and reusable. The Behavior-extracting Autonomous Resiliency Toolkit (BART) is such a tool. Its architecture combines existing results and AI techniques including workflow learning, mutli-agent frameworks, knowledge representation, and inference. A user study demonstrates that BART significantly shortens the required time to execute a cyber defense. The study also revealed three types of errors that an automated tool such as BART could prevent: typographical/syntax, procedural, and “hidden.” We also describe an emerging application of BART.
Download

Paper Nr: 233
Title:

A Weak-supervision Method for Automating Training Set Creation in Multi-domain Aspect Sentiment Classification

Authors:

Massimo Ruffolo and Francesco Visalli

Abstract: Aspect Based Sentiment Analysis (ABSA) is receiving growing attention from the research community because it has applications in several real world use cases. To train deep learning models for ABSA in vertical domains may result a laborious process requiring a significative human effort in creating proper training sets. In this work we present initial studies regarding the definition of an easy-to-use, flexible, and reusable weakly-supervised method for the Aspect Sentence Classification task of ABSA. Our method mainly consists in a process where templates of Labeling Functions automatically annotate sentences, and then the generative model of Snorkel constructs a probabilistic training set. In order to test effectiveness and applicability of our method we trained machine learning models where the loss function is informed about the probabilistic nature of the labels. In particular, we fine-tuned BERT models on two famous disjoint SemEval datasets related to laptops and restaurants.
Download

Paper Nr: 243
Title:

Classification of Visual Strategies in Physics Vector Field Problem-solving

Authors:

Saleh Mozaffari, Mohammad Al-Naser, Pascal Klein, Stefan Küchemann, Jochen Kuhn, Thomas Widmann and Andreas Dengel

Abstract: In this study, we taught 20 physics students two different visual strategies to graphically interpret the physical meaning of vector field divergence. Using eye-tracking technology, we recorded students’ eye-movement behavior of both strategies when they were engaged in graphical vector field representations. From the eye-tracking data we extracted the number of fixations and saccadic direction and proposed a linear SVM model to classify strategies of problem-solving in the vector field domain. The results show different gaze patterns for the two strategies, and the influence of vector flow orientation on gaze-patterns. A high accuracy of 81.2%(0.11%) has been achieved by testing the algorithm using cross-validation, i.e. that the algorithm is able to predict the strategy the student applies to judge the divergence of a vector field. The results provide guiding tools for learning-effective instruction design and teachers gain benefit from monitoring the students’ non-verbal level of performance and fluency using each strategy. Apart from that, students would receive the objective feedback on their progress of learning.
Download

Paper Nr: 258
Title:

Generation and Optimization of Inspection Routes for Economic and Food Safety

Authors:

Telmo Barros, Alexandra Oliveira, Henrique L. Cardoso, Luís P. Reis, Cristina Caldeira and João P. Machado

Abstract: Artificial intelligence techniques have been applied to diverse business and governmental areas, in order to take advantage of the huge amount of information that is generated within specific organizations or institutions. Business intelligence can be seen as the process of converting such information into actionable knowledge, which is the basis for data-driven decision making. With this in mind, this work is framed in a project that seeks to improve the activity of the Portuguese Food and Economic Safety Authority, regarding prevention in the areas of food safety and economic enforcement. More specifically, this paper focuses on the generation and optimization of flexible inspection routes. An optimal inspection route seeks to maximize the number of targeted Economic Operators, or the utility gained from the set of Economic Operators that are actually inspected. For that, each Economic Operator is assigned an inspection utility value. The problem was then modelled as a Multi-Depot Periodic Vehicle Routing Problem with Time Windows, and solved using both exact and meta-heuristic methods. The comparison of the meta-heuristic algorithms showed a versatile Hill Climbing implementation in different test cases that explored the effect of the Economic Operators dispersion and density.
Download

Short Papers
Paper Nr: 7
Title:

Leveraging Clustering and Natural Language Processing to Overcome Variety Issues in Log Management

Authors:

Tobias Eljasik-Swoboda and Wilhelm Demuth

Abstract: When introducing log management or Security Information and Event Management (SIEM) practices, organizations are frequently challenged by Gartner’s 3 Vs of Big Data: There is a large volume of data which is generated at a rapid velocity. These first two Vs can be effectively handled by current scale-out architectures. The third V is that of variety which affects log management efforts by the lack of a common mandatory format for log files. Essentially every component can log its events differently. The way it is logged can change with every software update. This paper describes the Log Analysis Machine Learner (LAMaLearner) system. It uses a blend of different Artificial Intelligence techniques to overcome variety issues and identify relevant events within log files. LAMaLearner is able to cluster events and generate human readable representations for all events within a cluster. A human being can annotate these clusters with specific labels. After these labels exist, LAMaLearner leverages machine learning based natural language processing techniques to label events even in changing log formats. Additionally, LAMaLearner is capable of identifying previously known named entities occurring anywhere within the logged event as well identifying frequently co-occurring variables in otherwise fixed log events. In order to stay up-to-date LAMaLearner includes a continuous feedback interface that facilitates active learning. In experiments with multiple differently formatted log files, LAMaLearner was capable of reducing the labeling effort by up to three orders of magnitude. Models trained on this labeled data achieved > 93% F1 in detecting relevant event classes. This way, LAMaLearner helps log management and SIEM operations in three ways: Firstly, it creates a quick overview about the content of previously unknown log files. Secondly, it can be used to massively reduce the required manual effort in log management and SIEM operations. Thirdly, it identifies commonly co-occurring values within logs which can be used to identify otherwise unknown aspects of large log files.
Download

Paper Nr: 8
Title:

An AI using Construction Grammar: Automatic Acquisition of Knowledge about Words

Authors:

Denis Kiselev

Abstract: This paper deals with an AI implementation that uses knowledge in an original Construction Grammar (CG) format for deep understanding of text. CG is a means of processing knowledge pieces—aka constructions— that describe the form and meaning of text parts. Understanding consists in automatically finding in the text the knowledge that constructions contain and in creating knowledge networks that reflect the text information structure. Deeper understanding is achieved by propagating knowledge within the network, i.e. some constructions can share with others information about syntax, semantics, pragmatics and other text properties. A shortcoming of this information-rich method is limited coverage: only text for which a CG database is available can be understood; that database due to its complexity most often needs to be made up manually. The author attempts to increase the coverage by implementing automatic acquisition of word knowledge from sources such as an external (non-CG) knowledge base and formatting the knowledge as CG constructions. The resulting CG database has been used in evaluation experiments to understand the Winograd Schema (WS)—a test for AI. A 28% increase in accurate coverage and opportunities for further improvement are observed.
Download

Paper Nr: 10
Title:

Approximate Conditional Independence Test using Residuals

Authors:

Shinsuke Uda

Abstract: Conditional mutual information is a useful measure for detecting the association between variables that are also affected by other variables. Though permutation tests are used to check whether the conditional mutual information is zero to indicate mutual independence, permutations are difficult to perform because the other variables in a dataset may be associated with the variables in question. This problem is particularly acute when working with datasets of small sample size. This study aims to propose a computational method for approximating conditional mutual information based on the distribution of residuals in regression models. The proposed method can implement the permutation tests for statistical significance by translating the problem of measuring conditional independence into the problem of estimating simple independence. Additionally, a reliability of p-value in permutation test is defined to omit unreliably detected associations. We tested our proposed method’s performance in inferring the network structure of an artificial gene network against comparable methods submitted to the Dream4 challenge.
Download

Paper Nr: 17
Title:

An Extended Description Logic for Inconsistency-tolerant Ontological Reasoning with Sequential Information

Authors:

Norihiro Kamide

Abstract: Description logics are a family of logic-based knowledge representation formalisms. Inconsistency-tolerant description logics, which are extensions of standard description logics, have been studied to cope with inconsistencies that frequently occur in an open world. In this study, an extended inconsistency-tolerant description logic with a sequence modal operator is introduced. The logic proposed is intended to appropriately handle inconsistency-tolerant ontological reasoning with sequential information (i.e., information expressed as sequences, such as time, action, and event sequences). A theorem for embedding the proposed logic into a fragment of the logic is proved. The logic is shown to be decidable by using the proposed embedding theorem. These results demonstrate that using the embedding theorem enables the reuse of previously developed methods and algorithms for the standard description logic for the effective handling of inconsistent ontologies with sequential information described by the proposed logic.
Download

Paper Nr: 31
Title:

Scaling up Probabilistic Inference in Linear and Non-linear Hybrid Domains by Leveraging Knowledge Compilation

Authors:

Anton R. Fuxjaeger and Vaishak Belle

Abstract: Weighted model integration (WMI) extends weighted model counting (WMC) in providing a computational abstraction for probabilistic inference in mixed discrete-continuous domains. WMC has emerged as an assembly language for state-of-the-art reasoning in Bayesian networks, factor graphs, probabilistic programs and probabilistic databases. In this regard, WMI shows immense promise to be much more widely applicable, especially as many real-world applications involve attribute and feature spaces that are continuous and mixed. Nonetheless, state-of-the-art tools for WMI are limited and less mature than their propositional counterparts. In this work, we propose a new implementation regime that leverages propositional knowledge compilation for scaling up inference. In particular, we use sentential decision diagrams, a tractable representation of Boolean functions, as the underlying model counting and model enumeration scheme. Our regime performs competitively to state-of-the-art WMI systems but is also shown to handle a specific class of non-linear constraints over non-linear potentials.
Download

Paper Nr: 48
Title:

Subjective Markov Process with Fuzzy Aggregations

Authors:

Eugene Kagan, Alexander Rybalov and Ronald Yager

Abstract: Dynamical models of autonomous systems usually follow general assumption about rationality of the systems and their judgements. In particular, the systems acting under uncertainty are defined using probabilistic methods with the reasoning based on minimization or maximization of the expected payoffs or rewards. However, in the systems that deal with rare events or interact with human usually demonstrating irrational behaviour correctness of the use of probability measures and of the utility functions is problematic. In order to solve this problem, in the paper we suggest a Markov-like process that is based on a certain type of possibility measures and uninorm and absorbing norm aggregators. Together these values and operators form an algebraic structure that, on one hand, extends Boolean algebra and, on the other hand, operates on the unit interval as arithmetic system. We demonstrate the basic properties of the suggested subjective Markov process that go in parallel to the properties of usual Markov process, and stress formal differences between two models. The actions of the suggested process are illustrated by the simple model of search that clarifies the differences between Markov and subjective Markov processes and corresponding decision-making.
Download

Paper Nr: 51
Title:

Inferring Underlying Manifold of Low Density Data using Adaptive Interpolation

Authors:

Noritaka Yamada and Takeshi Shibuya

Abstract: Inferring the topological shape of an underlying manifold of data is efficient for point cloud data analysis. This is accomplished by estimating the Betti numbers of the underlying manifold in each dimension from point cloud data. Futagami et al. proposed a method to automatically estimate the Betti numbers of the underlying manifold using persistent homology. However, this method estimates 2nd the Betti numbers of the underlying manifold less accurately as data density decreases. The low accuracy of estimating 2nd the Betti numbers is caused by the difficulty of detecting 2-dimensional holes. In this study, we propose a method to estimate 2nd the Betti number of the underlying manifold of low density data accurately. Concretely, we increase the density of data using interpolation that adds temporary points close to the underlying manifold. Then, we calculate persistent homology of data whose density has been increased and estimate 2nd Betti numbers from the calculation results. We confirm that our proposed method is effective to estimate 2nd the Betti numbers of the underlying manifold.
Download

Paper Nr: 57
Title:

Search for Robust Policies in Reinforcement Learning

Authors:

Qi Li

Abstract: While Reinforcement Learning (RL) often operates in idealized Markov Decision Processes (MDPs), their applications in real-world tasks often encounter noise such as in uncertain initial state distributions, noisy dynamics models. Further noise can also be introduced in actions, rewards, and the observations. In this paper we specifically focus on the problem of making agents act in a robust manner under different observation noise distributions for during training and for during testing. Such characterization of training and testing distributions is not common in RL as it is more common to train and deploy the agent on the same MDP. In this work, two methods of improving agent robustness to observation noise - training on noisy environments and modifying the reward function directly to encourage stable policies, are proposed and evaluated. We show that by training on noisy observation distributions, even if the distribution is different from the one in test, can benefit agent performance in test, while the reward modifications are less generally applicable, only improving the optimisation in some cases.
Download

Paper Nr: 58
Title:

Adaptive Enhancement of Swipe Manipulations on Touch Screens with Content-awareness

Authors:

Yosuke Fukuchi, Yusuke Takimoto and Michita Imai

Abstract: Most user interfaces (UIs) do not consider user intentions behind their manipulations and show only fixed responses. UIs could contribute to more effective work if they are made so as to infer user intentions and to respond proactively to the operations. This paper focuses on users’ swipe gestures on touch screens, and it proposes IntelliSwipe, which adaptively adjusts the scroll amount of swipe gestures based on the inference of user intentions, that is, what they want to see. The remarkable function of IntelliSwipe is to judge user intentions by considering visual features of the content that users are seeing while previous studies have only focused on the mapping from user operations to their intentions. We implemented IntelliSwipe on an Android tablet. A case study revealed that IntelliSwipe enabled users to scroll a page to the proper position just by swiping.
Download

Paper Nr: 59
Title:

Stable Feature Selection for Gene Expression using Enhanced Binary Particle Swarm Optimization

Authors:

Hassen Dhrif and Stefan Wuchty

Abstract: Feature subset selection (FSS) is an intractable optimization problem in high-dimensional gene expression datasets, leading to an explosion of local minima. While binary variants of particle swarm optimization (BPSO) have been applied to solve the FSS problem, increasing dimensionality of the feature space pose additional challenges to these techniques imparing their ability to select most relevant feature subsets in the massive presence of uninformative features. Most FSS optimization techniques focus on maximizing classification performance while minimizing subset size but usually fail to account for solution stability or feature relevance in their optimization process. In particular, stability in FSS is interpreted differently compared to PSO. Although a large volume of published studies on each stability issue separately exists, wrapper models that tackle both stability problems at the same time are still missing. Specifically, we introduce a novel ap-praoch COMBPSO (COMBinatorial PSO) that features a novel fitness function, integrating feature relevance and solution stability measures with classification performance and subset size as well as PSO adaptations to enhance the algorithm’s convergence abilities. Applying our approach to real disease-specific gene expression data, we found that COMBPSO has similar classification performance compared to BPSO, but provides reliable classification with considerably smaller and more stable gene subsets.
Download

Paper Nr: 65
Title:

Bayesian Networks based Policy Making in the Renewable Energy Sector

Authors:

Moldir Zholdasbayeva, Vasilios Zarikas and Stavros Poulopoulos

Abstract: Extensive research on energy policy nowadays combines theory with advanced statistical tools such as Bayesian networks for analysis and prediction. The majority of these studies are related to observe energy scenarios in various economic or social conditions, but only a few of them target the renewable energy sector. Therefore, it is crucial to design a method to understand the causal relationships between variables such as consumption, greenhouse emissions, investment in renewables and investment in fossil fuels. This research paper aims to present expert models using the capabilities of Bayesian networks in the renewable energy sector, considering renewables in two countries: Germany and Italy. For this purpose, expert models are built in BayesiaLab with supervised learning. An augmented naïve model is applied to quantitative data consisting of the consumption rate of geothermal and hydro energy sectors. As a result, it is indicated that in the optimum case, geothermal and hydro energy consumption will be increased in parallel with investment. It is found that, as oil price grows, greenhouse emissions will decrease. The precision of the expert model is no less than 90%.
Download

Paper Nr: 72
Title:

Optimization of a Sequential Decision Making Problem for a Rare Disease Diagnostic Application

Authors:

Rémi Besson, Erwan L. Pennec, Emmanuel Spaggiari, Antoine Neuraz, Julien Stirnemann and Stéphanie Allassonnière

Abstract: In this work, we propose a new optimization formulation for a sequential decision making problem for a rare disease diagnostic application. We aim to minimize the number of medical tests necessary to achieve a state where the uncertainty regarding the patient’s disease is less than a predetermined threshold. In doing so, we take into account the need in many medical applications, to avoid as much as possible, any misdiagnosis. To solve this optimization task, we investigate several reinforcement learning algorithms and make them operable in our high-dimensional setting: the strategies learned are much more efficient than classical greedy strategies.
Download

Paper Nr: 73
Title:

Predicting a Song Title from Audio Embeddings on a Pretrained Image-captioning Network

Authors:

Avi Bleiweiss

Abstract: Finding the name of a song from a piece played without the lyrics remains a long-standing challenge to music recognition services. In this work, we propose the use of a neural architecture that combines deep learned image features and sequence modeling to automate the task of predicting the song title from an audio time series. To feed our network with a visual representation, we transform the sound signal into a two-dimensional spectrogram. Our novelty lies in model training on the state-of-the-art Conceptual Captions dataset to generate image descriptions, jointly with inference on the Million Song and Free Music Archive test sets to produce song titles. We present extensive quantitative analysis of our experiments and show that using k-beam search our model achieved an out-domain BLEU score of 45.1 compared to in-domain performance of 61.3.
Download

Paper Nr: 76
Title:

MAGNET: Multi-Label Text Classification using Attention-based Graph Neural Network

Authors:

Ankit Pal, Muru Selvakumar and Malaikannan Sankarasubbu

Abstract: In Multi-Label Text Classification (MLTC), one sample can belong to more than one class. It is observed that most MLTC tasks, there are dependencies or correlations among labels. Existing methods tend to ignore the relationship among labels. In this paper, a graph attention network-based model is proposed to capture the attentive dependency structure among the labels. The graph attention network uses a feature matrix and a correlation matrix to capture and explore the crucial dependencies between the labels and generate classifiers for the task. The generated classifiers are applied to sentence feature vectors obtained from the text feature extraction network(BiLSTM) to enable end-to-end training. Attention allows the system to assign different weights to neighbor nodes per label, thus allowing it to learn the dependencies among labels implicitly. The results of the proposed model are validated on five real-world MLTC datasets. The proposed model achieves similar or better performance compared to the previous state-of-the-art models.
Download

Paper Nr: 83
Title:

Two-streams Fully Convolutional Networks for Abnormal Event Detection in Videos

Authors:

Slim Hamdi, Samir Bouindour, Kais Loukil, Hichem Snoussi and Mohamed Abid

Abstract: In the context of abnormal event detection in videos, only the normal events are available for the learning process, therefore the implementation of unsupervised learning method becomes paramount. We propose to use a new architecture denoted Two-Stream Fully Convolutional Networks (TS-FCNs) to extract robust representations able to describe the shapes and movements that can occur in a monitored scene. The learned FCNs are obtained by training two Convolutional Auto-Encoders (CAEs) and extracting the encoder part of each of them. The first CAE is trained with sequences of consecutive frames to extract spatio-temporal features. The second is learned to reconstruct optical flow images from the original images, which provides a better description of the movement. We enhance our (TS-FCN) with a Gaussian classifier in order to detect abnormal spatio-temporal events that could present a security risk. Experimental results on challenging dataset USCD Ped2 shows the effectiveness of the proposed method compared to the state-of-the-art in abnormal events detection.
Download

Paper Nr: 84
Title:

Uncertainty-based Out-of-Distribution Classification in Deep Reinforcement Learning

Authors:

Andreas Sedlmeier, Thomas Gabor, Thomy Phan, Lenz Belzner and Claudia Linnhoff-Popien

Abstract: Robustness to out-of-distribution (OOD) data is an important goal in building reliable machine learning systems. As a first step towards a solution, we consider the problem of detecting such data in a value-based deep reinforcement learning (RL) setting. Modelling this problem as a one-class classification problem, we propose a framework for uncertainty-based OOD classification: UBOOD. It is based on the effect that an agent’s epistemic uncertainty is reduced for situations encountered during training (in-distribution), and thus lower than for unencountered (OOD) situations. Being agnostic towards the approach used for estimating epistemic uncertainty, combinations with different uncertainty estimation methods, e.g. approximate Bayesian inference methods or ensembling techniques are possible. Evaluation shows that the framework produces reliable classification results when combined with ensemble-based estimators, while the combination with concrete dropout-based estimators fails to reliably detect OOD situations.
Download

Paper Nr: 85
Title:

Mitigate Catastrophic Forgetting by Varying Goals

Authors:

Lu Chen and Murata Masayuki

Abstract: Catastrophic forgetting occurs because neural network learning algorithms change connections to learn a new skill which encodes previously acquired skills. Recent research suggests that encouraging modularity in neural networks may overcome catastrophic forgetting because it should reduce learning interference. However, manually constructing modular topology is hard in practice since it involves expert design and trial and error. Therefore, an automatic approach is needed. Kashtan et al. find that evolution under an environment that changes in a modular fashion can lead to the spontaneous evolution of modular network structure. However, goals in their research are made of a different combination of subgoals, while real-world data is rarely perfectly separable. Therefore, in this paper, we explore the application of such approach to mitigate catastrophic forgetting in a slightly practical situation, that is applying it to classification of small sized real images and applying it to the increment of goals. We find that varying goals can improve catastrophic forgetting in a CIFAR-10 based classification problem. We find that when learning a large set of goals, a relatively small switching interval is required to have the advantage of mitigating catastrophic forgetting. On the other hand, when learning a small set of goals, an appropriate large switching interval is preferred since this less worsens the advantage and also can improve accuracy.
Download

Paper Nr: 86
Title:

Improving Face Recognition Methods based on POEM Features

Authors:

Ladislav Lenc and Pavel Král

Abstract: POEM descriptors has been successfully used for face recognition. The usual way how the descriptor is utilized consists in constructing POEM features in the rectangular non-overlapping regions covering the whole image. The features created in the regions are then concatenated into one long vector representing the face. We propose an enhancement of this method using automatic key-point identification strategies. In our approach, the image features are created in the detected key-points. We also employ a more complex matching procedure that compares the features individually. This method is efficient particularly when the number of training samples is small and therefore neural network based methods fail, because they do not have enough training data. The proposed approach is evaluated on three standard face corpora. We also study the influence of several parameters of the method on the overall performance. The obtained results show that the combination of POEM features with the automatic point identification and a more sophisticated matching algorithm brings significant improvement over the baseline method.
Download

Paper Nr: 88
Title:

Exploration and Exploitation of Sensorimotor Contingencies for a Cognitive Embodied Agent

Authors:

Quentin Houbre, Alexandre Angleraud and Roel Pieters

Abstract: The modelling of cognition is playing a major role in robotics. Indeed, robots need to learn, adapt and plan their actions in order to interact with their environment. To do so, approaches like embodiment and enactivism propose to ground sensorimotor experience in the robot’s body to shape the development of cognition. In this work, we focus on the role of memory during learning in a closed loop. As sensorimotor contingencies, we consider a robot arm that moves a baby mobile toy to get visual reward. First, the robot explores the continuous sensorimotor space by associating visual stimuli to motor actions through motor babbling. After exploration, the robot uses the experience from its memory and exploits it, thus optimizing its motion to perceive more visual stimuli. The proposed approach uses Dynamic Field Theory and is integrated in the GummiArm, a 3D printed humanoid robot arm. The results indicate a higher visual neural activation after motion learning and show the benefits of an embodied babbling strategy.
Download

Paper Nr: 107
Title:

Model Smoothing using Virtual Adversarial Training for Speech Emotion Estimation using Spontaneity

Authors:

Toyoaki Kuwahara, Ryohei Orihara, Yuichi Sei, Yasuyuki Tahara and Akihiko Ohsuga

Abstract: Speech-based emotion estimation increases accuracy through the development of deep learning. However, most emotion estimation using deep learning requires supervised learning, and it is difficult to obtain large datasets used for training. In addition, if the training data environment and the actual data environment are significantly different, the problem is that the accuracy of emotion estimation is reduced. Therefore, in this study, to solve these problems, we propose a emotion estimation model using virtual adversarial training (VAT), a semi-supervised learning method that improves the robustness of the model. Furthermore, research on the spontaneity of speech has progressed year by year, and recent studies have shown that the accuracy of emotion classification is improved when spontaneity is taken into account. We would like to investigate the effect of the spontaneity in a cross-language situation. First, VAT hyperparameters were first set by a preliminary experiment using a single corpus. Next, the robustness of the model generated by the evaluation experiment by the cross corpus was shown. Finally, we evaluate the accuracy of emotion estimation by considering spontaneity and showed improvement in the accuracy of the model using VAT by considering spontaneity.
Download

Paper Nr: 113
Title:

Hair Shading Style Transfer for Manga with cGAN

Authors:

Masashi Aizawa, Ryohei Orihara, Yuichi Sei, Yasuyuki Tahara and Akihiko Ohsuga

Abstract: Coloring line drawings is an important process in creating artwork. In coloring, a shading style is where an artist’s style is the most noticeable. Artists spend a great deal of time and effort creating art. It is thus difficult for beginners to draw specific shading styles, and even experienced people have a hard time trying to draw many different styles. Features of a shading styles appear prominently in the hair region of human characters. In many cases, hair is drawn using a combination of the base color, the highlights, and the shadows. In this study, we propose a method for transferring the shading style used on hair in one drawing to another drawing. This method uses a single reference image for training and does not need a large data set. This paper describes the framework, transfer results, and discussions. The transfer results show the following: when transferring the shading style to the line drawing by the same artist, the method can detect the hair region relatively well, and the transfer result is indistinguishable from the transfer target in some shading styles. In addition, the evaluation results show that our method has higher scores than an existing automatic colorizing service.
Download

Paper Nr: 117
Title:

GETS: Grammatical Evolution based Optimization of Smoothing Parameters in Univariate Time Series Forecasting

Authors:

Conor Ryan, Meghana Kshirsagar, Purva Chaudhari and Rushikesh Jachak

Abstract: Time series forecasting is a technique that predicts future values using time as one of the dimensions. The learning process is strongly controlled by fine-tuning of various hyperparameters which is often resource extensive and requires domain knowledge. This research work focuses on automatically evolving suitable hyperparameters of time series for level, trend and seasonality components using Grammatical Evolution. The proposed Grammatical Evolution Time Series framework can accept datasets from various domains and select the appropriate parameter values based on the nature of dataset. The forecasted results are compared with a traditional grid search algorithm on the basis of error metric, efficiency and scalability.
Download

Paper Nr: 120
Title:

Effects of Region Features on the Accuracy of Cross-database Facial Expression Recognition

Authors:

Yining Yang, Branislav Vuksanovic and Hongjie Ma

Abstract: Facial expression recognition (FER) in the context of machine learning refers to a solution whereby a computer vision system can be trained and used to automatically detect the emotion of a person from a presented facial image. FER presents a difficult image classification problem that has received increasing attention over recent years mainly due to the availability of powerful hardware for system implementation and the greater number of possible applications in everyday life. However, the FER problem has not yet been fully resolved, with the diversity of captured facial images from which the type of expression or emotion is to be detected being one of the main obstacles. Ready-made image databases have been compiled by researchers to train and test the developed FER algorithms. Most of the reported algorithms perform relatively well when trained and tested on a single-database but offer significantly inferior results when trained on one database and then tested using facial images from an entirely different database. This paper deals with the cross-database FER problem by proposing a novel approach which aggregates local region features from the eyes, nose and mouth and selects the optimal classification techniques for this specific aggregation. The conducted experiments show a substantial improvement in the recognition results when compared to similar cross-database tests reported in other works. This paper confirms the idea that, for images originating from different databases, focus should be given to specific regions while less attention is paid to the face in general and other facial sections.
Download

Paper Nr: 125
Title:

Combining Evidential Clustering and Ontology Reasoning for Failure Prediction in Predictive Maintenance

Authors:

Qiushi Cao, Ahmed Samet, Cecilia Zanni-Merk, François D. de Beuvron and Christoph Reich

Abstract: In smart factories, machinery faults and failures are detrimental to the efficiency and reliability of production systems. To ensure the smooth operation of production systems, predictive maintenance techniques have been widely used in a variety of contexts. In this paper, we tackle the machinery failure prediction task by introducing a novel hybrid ontology-based approach. The proposed approach is based on the combined use of evidential theory tools and semantic technologies. Among evidential theory tools, the Evidential C-means (ECM) algorithm is used to assess the criticality of failures according to two main parameters (time constraints and maintenance cost). In addition, domain ontologies with their rule-based extensions are used to formalize the domain knowledge and predict the time and criticality of future failures. Case studies on synthetic data sets and a real-world data set are used to validate the proposed approach.
Download

Paper Nr: 144
Title:

Improving RNN-based Answer Selection for Morphologically Rich Languages

Authors:

Marek Medved', Radoslav Sabol and Aleš Horák

Abstract: Question answering systems have improved greatly during the last five years by employing architectures of deep neural networks such as attentive recurrent networks or transformer-based networks with pretrained contextual information. In this paper, we present the results and detailed analysis of experiments with the largest question answering benchmark dataset for the Czech language. The best results evaluated in the text reach the accuracy of 72 %, which is a 4 % improvement to the previous best result. We also introduce the newest version of the Czech Question Answering benchmark dataset SQAD 3.0, which was substantially extended to more than 13,000 question-answer pairs, and we report the first answer selection results on this dataset which indicate that the size of the training data is important for the task.
Download

Paper Nr: 145
Title:

Revisiting End-to-end Deep Learning for Obstacle Avoidance: Replication and Open Issues

Authors:

Alexander K. Seewald

Abstract: Obstacle avoidance is an essential feature for autonomous robots. It is usually addressed with specialized sensors and Simultaneous Localization and Mapping algorithms (SLAM, Cadena et al. (2016)). Muller et al. (2006) have demonstrated that it can also be addressed using end-to-end deep learning. They proposed a convolutional neural network that maps raw stereo pair input images to steering outputs and is trained by a human driver in an outdoor setting. Using the ToyCollect open source hardware and software platform, we replicate their main findings, compare several variants of their network that differ in the way steering angles are represented, and extend their system to indoor obstacle avoidance. We discuss several issues for further work concerning the automated generation of training data and the quantitative evaluation of such systems.
Download

Paper Nr: 148
Title:

Clustering of Physical Behaviour Profiles using Knowledge-intensive Similarity Measures

Authors:

Deepika Verma, Kerstin Bach and Paul J. Mork

Abstract: In this paper, we reuse the Case-Based Reasoning model presented in our last work (Verma et al., 2018) to create a new knowledge intensive similarity-based clustering method that clusters a case base such that the intra-cluster similarity is maximized. In some domains such as recommender systems, the most similar case may not always be the desired one as a user would like to find the closest, yet significantly different cases. To increase the variety of returned cases, clustering a case base first, before the retrieval is executed increases the diversity of solutions. In this work we demonstrate a methodology to optimize the cluster coherence as well to determine the optimal number of clusters for a given case base. Finally, we present an evaluation of our clustering approach by comparing the results of the quality of clusters obtained using our knowledge intensive similarity-based clustering approach against that of the state-of-the-art K-Means clustering method.
Download

Paper Nr: 150
Title:

NARMA-L2-based Antiviral Therapy for Infected CD4+ T Cells in a Nonlinear Model for HIV Dynamics: Protease Inhibitors-based Approach

Authors:

C. P. Fernández, A. F. Cunha and M. A. Alves

Abstract: The present paper uses the learning ability of neural networks (NN) to design a nonlinear model and a nonlinear controller that reduces the number of infected/uninfected CD4+ T cells into the HIV dynamic when an antiviral therapy based on protease inhibitors is applied. The dynamic of the closed-loop system based on such therapy is analyzed to understand the stability of infected/uninfected CD4+ T cells according to a global feedback law that regards un-modeled dynamic terms. To this end, a robust control scheme based on NARMA-L2 approach and a modified version of an already existing dynamic backpropagation algorithm is used to improve the antiviral therapy performance (strongly related to the tracking error). The robustness of the proposed model shows that antiviral therapy performance guarantees less infected CD4+ T cells.
Download

Paper Nr: 152
Title:

A Flexible Semantic Integration Framework for Fully-integrated EHR based on FHIR Standard

Authors:

Ahmed Dridi, Salma Sassi, Richard Chbeir and Sami Faiz

Abstract: Despite the huge efforts focused on EHR development and massive many years of widespread availability of this latter, health care providers and organizations are still looking for innovative solutions to bring in all IoT data, and unstructured data into electronic health record (EHR) systems. There is a growing need to semantically integrate health-related data from different sources to support decision-making and improve the quality of care services provided. In this paper, we propose a flexible semantic integration framework for IoT, unstructured and structured healthcare data in EHR systems called SF4FI-EHR. It is built on a novel approach that applying semantic web technologies and the HL7 FHIR standard to handle integration challenges. Our experiment results from the proof-of-concept study show that the use of such approach does enhance healthcare data integration as well as overcome obstacles that prevent the optimal exploitation of these data.
Download

Paper Nr: 159
Title:

Integrating golog++ and ROS for Practical and Portable High-level Control

Authors:

Maximillian Kirsch, Victor Mataré, Alexander Ferrein and Stefan Schiffer

Abstract: The field of Cognitive Robotics aims at intelligent decision making of autonomous robots. It has matured over the last 25 or so years quite a bit. That is, a number of high-level control languages and architectures have emerged from the field. One concern in this regard is the action language GOLOG. GOLOG has been used in a rather large number of applications as a high-level control language ranging from intelligent service robots to soccer robots. For the lower level robot software, the Robot Operating System (ROS) has been around for more than a decade now and it has developed into the standard middleware for robot applications. ROS provides a large number of packages for standard tasks in robotics like localisation, navigation, and object recognition. Interestingly enough, only little work within ROS has gone into the high-level control of robots. In this paper, we describe our approach to marry the GOLOG action language with ROS. In particular, we present our architecture on integrating golog++, which is based on the GOLOG dialect Readylog, with the Robot Operating System. With an example application on the Pepper service robot, we show how primitive actions can be easily mapped to the ROS ActionLib framework and present our control architecture in detail.
Download

Paper Nr: 164
Title:

Model-centered Ensemble for Anomaly Detection in Time Series

Authors:

Erick L. Trentini, Ticiana L. Coelho da Silva, Leopoldo Melo Junior and Jose F. de Macêdo

Abstract: Time-series anomalies detection is a fast-growing area of study, due to the exponential growth of new data produced by sensors in many different contexts as the Internet of Things (IOT). Many predictive models have been proposed, and they provide promising results in differentiating normal and anomalous points in a time-series. In this paper, we aim to find and combine the best models on detecting anomalous time series, so that their different strategies or parameters can contribute to the time series analysis. We propose TSPME-AD (stands for Time Series Prediction Model Ensemble for Anomaly Detection). TSPME-AD is a model-centered based ensemble that trains some of the state-of-the-art predictive models with different hyper-parameters and combines their anomaly scores with a weighted function. The efficacy of our proposal was demonstrated in two real-world time-series datasets, power demand, and electrocardiogram.
Download

Paper Nr: 173
Title:

First Steps for Determining Agent Intention in Dynamic Epistemic Logic

Authors:

Nathalie Chetcuti-Sperandio, Alix Goudyme, Sylvain Lagrue and Tiago de Lima

Abstract: Modeling intention is essential to explain decisions made by agents. In this work, we propose a model of intention in epistemic games, represented in dynamic epistemic logic. Given a property and a sequence of actions already performed by a player in such a game, we propose a method able to determine whether the player had the intention to obtain the property. An illustration of the method is given using a simplified version of the collaborative game Hanabi.
Download

Paper Nr: 176
Title:

Artificial Neural Networks and Reinforcement Learning for Model-based Design of an Automated Vehicle Guidance System

Authors:

Or A. Yarom, Soeren Scherler, Marian Goellner and Xiaobo Liu-Henke

Abstract: This paper presents the model-based development of a function for lateral control of an automated vehicle using Artificial Neural Networks (ANN) and Genetic Algorithms (GA). After an explanation of the methodology used and a summary of the state of the art for automated lateral control as well as for ANNs and reinforcement learning, the driving function is designed in the form of a functional structure. This is followed by a detailed description of the model-based design and validation process of the AI system. Finally, the function for automated lateral guidance in combination with a superior intelligent route management is verified and optimized in a pilot application.
Download

Paper Nr: 184
Title:

From 3-valued Semantics to Supported Model Computation for Logic Programs in Vector Spaces

Authors:

Taisuke Sato, Chiaki Sakama and Katsumi Inoue

Abstract: We propose a linear algebraic approach to computing 2-valued and 3-valued completion semantics of finite propositional normal logic programs in vector spaces. We first consider 3-valued completion semantics and construct the least 3-valued model of comp(DB), i.e. the iff (if-and-only-if) completion of a propositional normal logic program DB in Kleene’s 3-valued logic which has three truth values {t(true), f(false), ⊥(undefined)}. The construction is carried out in a vector space by matrix operations applied to the matricized version of a dualized logic program DBd of DB. DBd is a definite clause program compiled from DB and used to compute the success set P∞ as true atoms and finite failure set N∞ as false atoms that constitute the least 3-valued model I∞ = (P∞,N∞) of comp(DB). We then construct a supported model of DB, i.e. a 2-valued model of comp(DB) by carefully assigning t or f to undefined atoms not in P∞ or N∞ so that the resulting model is 2-valued and supported. The assigning process is guided by an atom dependency relation on undefined atoms. We implemented our proposal by matrix operations and conducted an experiment with random normal logic programs which demonstrated the effectiveness of our linear algebraic approach to computing completion semantics.
Download

Paper Nr: 185
Title:

Production Scheduling based on Deep Reinforcement Learning using Graph Convolutional Neural Network

Authors:

Takanari Seito and Satoshi Munakata

Abstract: While meeting frequently changing market needs, manufacturers are faced with the challenge of planning production schedules that achieve high overall performance of the factory and fulfil the high fill rate constraint on shop floors. Considerable skill is required to perform the onerous task of formulating a dispatching rule that achieves both goals simultaneously. To create a useful rule independent of human expertise, deep reinforcement learning based on deep neural networks (DNN) can be employed. However, conventional DNNs cannot learn the important features needed for meeting both requirements because they are unable to process qualitative information included in these schedules, such as the order of operations in each resource and correspondence between allocated operations and resources. In this paper, we propose a new DNN model that can extract features from both numeric and nonnumeric information using a graph convolutional neural network (GCNN). This is done by applying schedules as directed graphs, where numeric and nonnumeric information are represented as attributes of nodes and directed edges, respectively. The GCNN transforms both types of information into the feature values by transmitting and convoluting the attributes of each component on a directed graph. Our investigation shows that the proposed model outperforms the conventional one.
Download

Paper Nr: 194
Title:

An Efficient Approach based on BERT and Recurrent Neural Network for Multi-turn Spoken Dialogue Understanding

Authors:

Weixing Xiong, Li Ma and Hongtao Liao

Abstract: The main challenge of the Spoken Language Understanding (SLU) is how to parse efficiently natural language into effective meanings, such as its topic intents, acts and pairs of slot-values that can be processed by computers. In multi-turn dialogues, the combination of context information is necessary to understand the user's objectives, which can be used to avoid ambiguity. An approach processing multi-turn dialogues, based on the combination of BERT encoding and hierarchical RNN, is proposed in this paper. More specifically, it combines the current user's utterance with each historical sequence to formulate an input to the BERT module to extract the semantic relationship, then it uses a model derived from the hierarchical-RNN for the understanding of intents, actions and slots. According to our experiments by testing with multi-turn dialogue dataset Sim-R and Sim-M, this approach achieved about 5% improvement in FrameAcc compared with models such as MemNet and SDEN.
Download

Paper Nr: 206
Title:

Arguments in Parliamentary Negotiation: A Study of Verbatim Records

Authors:

Mare Koit

Abstract: Verbatim records of sittings of the Estonian Parliament are studied in this paper. The general structure of the discussions is presented. Arguments used in negotiation are considered as consisting of premises and claims. The relations between the arguments (attack, rebuttal, support) are determined with the aim to create a corpus where arguments are annotated. Our further aim is the automatic recognition of arguments and their relations in Estonian political texts. To our knowledge, this is the first attempt towards modelling Estonian political argumentation.
Download

Paper Nr: 209
Title:

Self-organized Cognitive Algebraic Neural Network

Authors:

Prabir Sen

Abstract: This paper refers to author’s patented invention that introduces a more efficient statistical (machine) learning method. Inspired by neuroscience, the paper combines the synaptic networks and graphs of quantum network to constitute interactions as information flow. Hitherto, several machine learning algorithms had some influence in business decision-making under uncertainty, however the dynamic cognitive states and differences thereof, at different timepoints, play an important role in transactional businesses to derive choice and choice-sets for decision-making at societal scale. In addition, deep neural functions that reflect the direction of information flow, the cliques and cavities, necessitate a new computational framework and deeper learning method. This paper introduces a proactive-retroactive learning technique - a quantified measurement of a multi-layered-multi-dimensional architecture based on a Self-Organized Cognitive Algebraic Neural Network (SCANN) integrated with Voronoi geometry – to deduce the optimal (cognitive) state, action, response and reward (pay-off) in more realistic imperfect and incomplete information conditions. This quantified measurement of SCANN produced an efficient and optimal learning results for individuals’ transactional activities and for nearest-neighbor, as a group, for which the individual is a member. This paper also discusses and characterizes SCANN for those who handle decisions under conditions of uncertainty, juxtaposed between human and machine intelligence.
Download

Paper Nr: 212
Title:

Conflicts Resolution and Situation Awareness in Heterogeneous Multi-agent Missions using Publish-subscribe Technique and Inferential Reasoning

Authors:

Sagir M. Yusuf and Chris Baber

Abstract: In this paper, we propose a priority-based publish-subscribe approach to tackle reasoning in beliefs conflicts for a heterogeneous multi-agent mission. Agents subscribe to other agents’ topics and rank them based on agents’ situation awareness. Bayesian Belief Network (BBN) was used in maintaining agents’ belief and recorded mission information could be used for the BBN training using conjugate gradient descent or expectation-maximization algorithms. The output of the training is the learned network for agents’ predictions, estimations, and conclusions. We also propose an agent’s self presumption inferential reasoning where agents learned heuristics and used them for future inferences. We test the system by using a team of heterogeneous Unmanned Aerial Vehicles (UAVs) with different sensor profiles and capacities tasked together to perform forest fire searching. To verify belief and settle conflicts, agents follow these steps: sequentially assess the prioritized publish-subscribe topics, inferential reasoning using the learned network, inferential reasoning using logical propositions, and learning process. From our experiment, the BBN training and prediction perfection grow up with the increase in the number of training data. Future work focuses on obtaining the optimal number of samples needed for effective prediction, effective agents’ beliefs merging, communication protocol, and bandwidth utilization.
Download

Paper Nr: 213
Title:

Secure Multi-agent Planning via Sharemind

Authors:

Radek Bumbálek, Michal Štolba and Antonín Komenda

Abstract: Classical planning provides models and algorithms for solving problems of finding a sequence of actions that transforms the initial state of the world into a state of the world with the desired properties. In classical planning, we assume that the solution plan entails all actors in the world and thus it can be computed centrally. In multi-agent planning, this assumption is dropped in favor of situations where there is multitude of actors with individual capabilities, goals, and objectives, called agents. In this work, we propose a novel technique for multi-agent planning which combines a state-of-the-art planner called Planning State Machine (PSM) Planner with a framework for mutli-party secure computation, Sharemind. This allows the agents to find a cooperative plan while preventing the leakage of private information in a practical and scalable way.
Download

Paper Nr: 220
Title:

The k Closest Resemblance Classifier for Amazon Products Recommender System

Authors:

Nabil Belacel, Guangze Wei and Yassine Bouslimani

Abstract: This paper presents the application of classification method based on outranking approach to Content Based Filtering (CBF) recommendation system. CBF intends to recommend items similar to those a given user would have liked in the past by first extracting traditional content features such as keywords and then predicts user preferences. Therefore content based filtering system recommends an item to a user based upon a description of the item and a profile of the user’s interests. Typically, to represent user’s and items’ profiles the existing CBF recommendation systems use the vector space model with basic term frequency and inverse document frequency (tfidf ) weighting. The tfidf and cosine similarity techniques are able, in some cases, to obtain good performances, however, they do not handle imprecision of features’ scores and they allow the compensation between features which will lead to bad results. This paper introduces k Closest resemblance classifier for CBF. The detailed models in this paper were tested and compared with the well-known tfidf based the k Nearest Neighbor classifier using Amazon fine food and book reviews data-set. The preliminary results show that our proposed model can substantially improve personalized recommendation of items described with short text like products description and customers’ review.
Download

Paper Nr: 222
Title:

Handling Uncertainties in Distributed Constraint Optimization Problems using Bayesian Inferential Reasoning

Authors:

Sagir M. Yusuf and Chris Baber

Abstract: In this paper, we propose the use of Bayesian inference and learning to solve DCOP in dynamic and uncertain environments. We categorize the agents Bayesian learning process into local learning or centralized learning. That is, the agents learn individually or collectively to make optimal predictions and share learning data. The agents’ mission data is subjected to gradient descent or expectation-maximization algorithms for training purposes. The outcome of the training process is the learned network used by the agents for making predictions, estimations, and conclusions to reduce communication load. Surprisingly, results indicate that the algorithms are capable of producing accurate predictions using uncertain data. Simulation experiment result of a multi-agent mission for wildfire monitoring suggest robust performance by the learning algorithms using uncertain data. We argue that Bayesian learning could reduce the communication load and improve DCOP algorithms scalability.
Download

Paper Nr: 224
Title:

Improving the Learning Efficiency of DQN by an Unsupervised Auxiliary Task

Authors:

Jiazhen Hu, Chenglu Wu and Miaoyu Yang

Abstract: DeepMind presented the idea of the DQN (Deep Q-Network) algorithm in the paper ”Playing Atari With Deep Reinforcement Learning” (Mnih et al., 2013), which marked the beginning of the field of deep reinforcement learning. From playing video games with DQN to the birth of AlphaGo, there has been numerous changes and improvements made to the DQN algorithm. In this paper, we first explore the classic algorithm of DQN, and then use it to learn control policies. We modify the loss function of the DQN algorithm, which leads to much better performance on the ‘CartPole’ control. The proposed method is to add an auxiliary task to the neural network, that is, to apply another loss function—— cross-entropy, to improve the convergence speed of the neural network and optimize jointly this new loss function and the original regression loss. We tested our method on the ’CartPole’ environment, which is a classic control problem in the OpenAI gym. Through continuous adjustment of hyper-parameters, we succeed in increasing the average reward in the most recent 100 episodes.

Paper Nr: 230
Title:

Perceiving the Focal Point of a Painting with AI: Case Studies on Works of Luc Tuymans

Authors:

Luc Steels and Björn Wahle

Abstract: We report the first steps in investigating how we can use AI to study contemporary painting practices and viewer experiences, focusing in particular on the work of Luc Tuymans. We review first various possible aspects of painting that could be studied and point to some relevant AI techniques to do so. Then we zoom in on one specific topic: How is a viewer guided to the focal point of the painting. This is not purely a matter of visual perception but also of interpretation and meaning making. Painters deliberately create focal points based on sophisticated knowledge of human perception and interpretation. Inspired by their insights and practices we can use AI research to unpack the process and thus provide a more insightful characterization of how paintings are perceived and made, compared to statistically derived embeddings. We argue that profound challenges must still be overcome before AI systems handle the identification of focal points, let alone arrive at the rich interpretations human viewers construct of paintings or other types of art works.
Download

Paper Nr: 240
Title:

New Anomaly Detection in Semiconductor Manufacturing Process using Oversampling Method

Authors:

Seunghwan Song and Jun-Geol Baek

Abstract: Quality in the semiconductor manufacturing process, consisting of various production systems, leads to economic factors, which necessitates sophisticated abnormal detection. However, since the semiconductor manufacturing process has many sensors, there is a problem with the curse of dimensionality. It also has a high imbalance ratio, which creates a classification model that is skewed to multiple class, thus reducing the class classification performance of a minority class, which makes it difficult to detect anomalies. Therefore, this paper proposes AEWGAN (Autoencoder Wasserstein General Advertising Networks), a method for efficient anomaly detection in semiconductor manufacturing processes with high-dimensional imbalanced data. First, learn autoencoder with normal data. Abnormal data is oversampled using WGAN (Wasserstein General Additional Networks). Then, efficient anomaly detection within the potential is carried out through the previously learned autoencoder. Experiments on wafer data were applied to verify performance, and of the various methods, AEWGAN was found to have excellent performance in abnormal detection.
Download

Paper Nr: 247
Title:

Towards an Effective Decision-making System based on Cow Profitability using Deep Learning

Authors:

Charlotte G. Frasco, Maxime Radmacher, René Lacroix, Roger Cue, Petko Valtchev, Claude Robert, Mounir Boukadoum, Marc-André Sirard and Abdoulaye B. Diallo

Abstract: Life-time profitability is a leading factor in the decision to keep a cow in a herd, or sell it, that a dairy farmers face regularly. A cow’s profit is a function of the quantity and quality of its milk production, health and herd management costs, which in turn may depend on factors as diverse as animal genetics and weather. Improving the decision making process, e.g. by providing guidance and recommendation to farmers, would therefore require predictive models capable of estimating profitability. However, existing statistical models cover only partially the set of relevant variables while merely targeting milk yield. We propose a methodology for the design of extensive predictive models reflecting a wider range of factors, whose core is a Long Short-Term Memory neural network. Our models use the time series of individual features corresponding to earlier stages of cow’s life to estimate target values at following stages. The training data for our current model was drawn from a dataset captured and preprocessed for about a million cows from more than 6000 different herds. At validation time, the model predicted monthly profit values for the fifth year of each cow (from data about the first four years) with a root mean squared error of 8.36 $/cow/month, thus outperforming the ARIMA statistical model by 68% (14.04 $/cow/month). Our methodology allows for extending the models with attention and initializing mechanisms exploiting precise information about cows, e.g. genomics, global herd influence, and meteorological effects on farm location.
Download

Paper Nr: 250
Title:

Smart Home for Seniors: Opportunities and Challenges for AI

Authors:

Cécile Carra and Karim Tabia

Abstract: The world’s population is aging. This raises crucial questions regarding the health care and well-being of these people. Technological solutions such as Smart homes for the elderly is one of the possible solutions. Smart homes are designed to help their residents perform their daily activities and improve their quality of life while preserving their privacy. These solutions are usually equipped with a set of software and hardware components such as sensors to monitor the living space and recognize the behaviors and activities of the resident. This makes it possible to detect anomalies, to inform about risk situations and to take appropriate measures. For the elderly, often living alone, this can improve their safety, monitor their health and inform their relatives, for example. The purpose of this paper is to present a quick and concise overview of Smart home solutions and a focus on opportunities and challenges for AI. In terms of current solutions, the focus will be on the functionalities that can be provided by this type of solutions and the technical challenges and limitations encountered in practice for the use and large scale deployment of these solutions. We will try to focus on a variety of tasks and issues that require the use of artificial intelligence for a truly intelligent Smart home. This position paper aims to first clarify the opportunities that these Smart home solutions represent for artificial intelligence, but also highlight the challenges and the technical limits. We also present the main results of a survey that we recently conducted with elderly people in Hauts-de-France in France. In doing so, we give some recommendations for the design and the deployment of Smart home on a large scale.

Paper Nr: 252
Title:

Mixed Pattern Recognition Methodology on Wafer Maps with Pre-trained Convolutional Neural Networks

Authors:

Yunseon Byun and Jun-Geol Baek

Abstract: In the semiconductor industry, the defect patterns on wafer bin map are related to yield degradation. Most companies control the manufacturing processes which occur to any critical defects by identifying the maps so that it is important to classify the patterns accurately. The engineers inspect the maps directly. However, it is difficult to check many wafers one by one because of the increasing demand for semiconductors. Although many studies on automatic classification have been conducted, it is still hard to classify when two or more patterns are mixed on the same map. In this study, we propose an automatic classifier that identifies whether it is a single pattern or a mixed pattern and shows what types are mixed. Convolutional neural networks are used for the classification model, and convolutional autoencoder is used for initializing the convolutional neural networks. After trained with single-type defect map data, the model is tested on single-type or mixed-type patterns. At this time, it is determined whether it is a mixed-type pattern by calculating the probability that the model assigns to each class and the threshold. The proposed method is experimented using wafer bin map data with eight defect patterns. The results show that single defect pattern maps and mixed-type defect pattern maps are identified accurately without prior knowledge. The probability-based defect pattern classifier can improve the overall classification performance. Also, it is expected to help control the root cause and management the yield.
Download

Paper Nr: 253
Title:

The Labeling Distribution Matrix (LDM): A Tool for Estimating Machine Learning Algorithm Capacity

Authors:

Pedro S. Segura, Julius Lauw, Daniel Bashir, Kinjal Shah, Sonia Sehra, Dominique Macias and George Montañez

Abstract: Algorithm performance in supervised learning is a combination of memorization, generalization, and luck. By estimating how much information an algorithm can memorize from a dataset, we can set a lower bound on the amount of performance due to other factors such as generalization and luck. With this goal in mind, we introduce the Labeling Distribution Matrix (LDM) as a tool for estimating the capacity of learning algorithms. The method attempts to characterize the diversity of possible outputs by an algorithm for different training datasets, using this to measure algorithm flexibility and responsiveness to data. We test the method on several supervised learning algorithms, and find that while the results are not conclusive, the LDM does allow us to gain potentially valuable insight into the prediction behavior of algorithms. We also introduce the Label Recorder as an additional tool for estimating algorithm capacity, with more promising initial results.
Download

Paper Nr: 256
Title:

Adaptive Classifiers: Applied to Radio Waveforms

Authors:

Marvin A. Conn and Darsana Josyula

Abstract: Adaptive classifiers detect previously unknown classes of data, cluster them and adapt itself to classify the newly detected classes without degrading classification performance on known classes. This study explores applying transfer learning from pre-trained CNNs for feature extraction, and adaptive classifier algorithms for predicting radio waveform modulation classes. It is surmised that adaptive classifiers are essential components for cognitive radio and radar systems. Three approaches that use anomaly detection and clustering techniques are implemented for online adaptive RF waveform classification. The use of CNNs is explored because they have been demonstrated previously as highly accurate classifiers on two-dimensional constellation images of RF signals, and because CNNs lend themselves well to transfer learning applications where limited data is available. This study explores replacing the last softmax layer of CNNs with adaptive classifiers to determine if the resulting classifiers can maintain or improve the original accuracy of the CNNs, as well as provide for on-the-fly anomaly detection and clustering in nonstationary RF environments.
Download

Paper Nr: 259
Title:

Credible Interval Prediction of a Nonstationary Poisson Distribution based on Bayes Decision Theory

Authors:

Daiki Koizumi

Abstract: A credible interval prediction problem of a nonstationary Poisson distribution in terms of Bayes decision theory is considered. This is the two-dimensional optimization problem of the Bayes risk function with respect to two variables: upper and lower limits of credible interval prediction. We prove that these limits can be uniquely obtained as the upper or lower percentile points of the predictive distribution under a certain loss function. By applying this approach, the Bayes optimal prediction algorithm for the credible interval is proposed. Using real web traffic data, the performance of the proposed algorithm is evaluated by comparison with the stationary Poisson distribution.
Download

Paper Nr: 15
Title:

Implementation of a Memetic Algorithm to Optimize the Loading of Kilns for the Sanitary Ware Production

Authors:

Natalia Palomares, Rony Cueva, Manuel Tupia and Mariuxi Bruzza

Abstract: One of the most important aspects to be considered in the production lines of sanitaries is the optimization in the use of critical resources such as kilns (industrial furnaces) due to the complexity of their management (they are turned on twice a year) and the costs incurred. The manufacturing processes of products within these kilns require that the capacity be maximized by trying to reduce downtime. In this sense, Artificial Intelligence provides bioinspired and evolutionary optimization algorithms which can handle these complex variable scenarios, the memetic algorithms being one of the main means for task scheduling. In present investigation, and based on previous works of the authors, a memetic algorithm is presented for optimization in the loading of kilns starting from a real production line.
Download

Paper Nr: 20
Title:

Discrete Focus Group Optimization Algorithm for Solving Constraint Satisfaction Problems

Authors:

Mahdi Bidar, Malek Mouhoub and Samira Sadaoui

Abstract: We present a new nature-inspired approach based on the Focus Group Optimization Algorithm (FGOA) for solving Constraint Satisfaction Problems (CSPs). CSPs are NP-complete problems meaning that solving them by classical systematic search methods requires exponential time, in theory. Appropriate alternatives are approximation methods such as metaheuristic algorithms which have shown successful results when solving combinatorial problems. FGOA is a new metaheuristic inspired by a human collaborative problem solving approach. In this paper, the steps of applying FGOA to CSPs are elaborated. More precisely, a new diversification method is devised to enable the algorithm to efficiently find solutions to CSPs, by escaping local optimum. To assess the performance of the proposed Discrete FGOA (DFGOA) in practice, we conducted several experiments on randomly generate hard to solve CSP instances (those near the phase transition) using the RB model. The results clearly show the ability of DFGOA to successfully find the solutions to these problems in very reasonable amount of time.
Download

Paper Nr: 25
Title:

Exploring Properties of the Instant Insanity Puzzle with Constraint Satisfaction Approach

Authors:

Sven Löffler, Ke Liu and Petra Hofstedt

Abstract: The Instant Insanity Puzzle is a challenging and interesting puzzle of combinatorial nature. The puzzle consists of four different cubes where each face of each cube has one of the four colors red, green, white and blue. The goal is to arrange the cubes in a tower with dimensions 1x1x4 such that on each of the four long sides of the tower, every color appears exactly once. In this paper we pose questions derived from the puzzle, but with increased difficulty and generality. Amongst other things, we try to find a new problem instance (a new color assignment for the cubes) such that the number of solutions of the instant insanity puzzle is minimized but not null. In addition, we also present a constraint programming model for the proposed questions, which can provide the answers to our questions. The purpose of this paper is on the one hand to share our results over the instant insanity puzzle, and on the other hand to share our gained knowledge on finding problems by constraining the solutions of constraint satisfaction problems, which is (amongst other things) useful for the generation of test data and teaching material.
Download

Paper Nr: 28
Title:

Sentiment Analysis of Serious Suicide References in Twitter Social Network

Authors:

Wael Korani and Malek Mouhoub

Abstract: Sentiment analysis analyzes people emotions, attitudes, and opinion towards organizations, services, issues, and individuals. Opinions are the core of almost all human activities because they consider a significant influencers of our behaviors. With the growing popularity of social media applications (micro-blogs, twitter, comments, etc), users of these platforms express their emotions through their posts and comments. Suicide is one of these dangerous emotions that threaten the public health of Canadians, and mortality form suicide is the third leading cause of death in teenage. In this paper, we propose a suicide classifier system called Auto Twitter Suicide Detector System (ATSDS) that provides support to authorities to take appropriate actions in order to protect communities from such kind of thoughts. The proposed twitter suicide detector system is a classifier system using data gathered from twitter to detect those related to suicide. Our system is built using deep neural network on multi-purpose cluster computing system called spark. In order to asses the system performance, in terms of accuracy, we have conducted several experiments and tuned neural network parameters to achieve higher performance. The results returned are very promising.
Download

Paper Nr: 34
Title:

AI 3D Printing Process Parameters Optimization

Authors:

Park H. Seok and Nguyen D. Son

Abstract: Optimization parameters of Selective Laser Melting (SLM) process is a significant question currently. Due to attractive advantages, namely high density of printed products and freely design, the SLM has been increasingly applied in industrial manufacturing. However, not only various influenced factors but also their range affects to the printing process. Therefore, it is difficult and requires much testing time and cost to select a suitable process parameter for manufacturing a desirable product. In this article, a supervised learning Artificial Neural Network was applied to build an optimization system for finding out optimal process parameters. Inputs of the system are desirable properties of a product as relative density ratio while outputs are the crucial parameters as laser power, laser velocity, hatch distance, and layer thickness. The developed system is a powerful contribution to industrial SLM manufacturing. By applying the system, it requires less pre-manufacturing expenditure and also helps the printing users to choose approximately process parameters for printing out a desirable product.
Download

Paper Nr: 35
Title:

Gated Graph Convolutional Network for Aspect-Based Sentiment Analysis Emphasizing on Relational Reasoning

Authors:

Kai Shuang, Hao Hu, Wentao Zhang, Zhixuan Zhang and Peng Xu

Abstract: Aspect-Based Sentiment Analysis (ABSA) is intended to evaluate the polarities of sentence targets. Previous ABSA models mainly leverage Recurrent Neural Network (RNN) and Convolutional Neural Network (CNN). However, RNN and CNN, only focusing on sequential and local inductive bias correspondingly, are weak to support strong relational reasoning toward target. In this case, we propose a model called Gated Graph Convolutional Network (GGCN). Firstly, GGCN employs Abstract Meaning Representation (AMR), a kind of dependency tree, to establish comprehensive and strong relations between target and target-related words. Then, Graph Convolutional Network (GCN) with arbitrary relational inductive bias is incorporated in GGCN to analyze those correlations toward target. In addition, we explore and analyze the performances of different combinations between RNN, CNN and GCN using Glove and BERT embedding. Experiments show our BERT-GGCN achieves the best performance, outperforming the baseline model by improving 1.44%, 0.93% and 1.06% on three benchmark data sets including SemEval 2014 LAPTOP, SemEval 2014 RESTAURANT and TWITTER, respectively.

Paper Nr: 40
Title:

Topological Visualization Method for Understanding the Landscape of Value Functions and Structure of the State Space in Reinforcement Learning

Authors:

Yuki Nakamura and Takeshi Shibuya

Abstract: Reinforcement learning is a learning framework applied in various fields in which agents autonomously acquire control rules. Using this method, the designer constructs a state space and reward function and sets various parameters to obtain ideal performance. The actual performance of the agent depends on the design. Accordingly, a poor design causes poor performance. In that case, the designer needs to examine the cause of the poor performance; to do so, it is important for the designer to understand the current agent control rules. In the case where the state space is less than or equal to two dimensions, visualizing the landscape of the value function and the structure of the state space is the most powerful method to understand these rules. However, in other cases, there is no method for such a visualization. In this paper, we propose a method to visualize the landscape of the value function and the structure of the state space even when the state space has a high number of dimensions. Concretely, we employ topological data analysis for the visualization. We confirm the effectiveness of the proposed method via several numerical experiments.
Download

Paper Nr: 46
Title:

Intelligent Roundabout Insertion using Deep Reinforcement Learning

Authors:

Alessandro P. Capasso, Giulio Bacchiani and Daniele Molinari

Abstract: An important topic in the autonomous driving research is the development of maneuver planning systems. Vehicles have to interact and negotiate with each other so that optimal choices, in terms of time and safety, are taken. For this purpose, we present a maneuver planning module able to negotiate the entering in busy roundabouts. The proposed module is based on a neural network trained to predict when and how entering the roundabout throughout the whole duration of the maneuver. Our model is trained with a novel implementation of A3C, which we will call Delayed A3C (D-A3C), in a synthetic environment where vehicles move in a realistic manner with interaction capabilities. In addition, the system is trained such that agents feature a unique tunable behavior, emulating real world scenarios where drivers have their own driving styles. Similarly, the maneuver can be performed using different aggressiveness levels, which is particularly useful to manage busy scenarios where conservative rule-based policies would result in undefined waits.
Download

Paper Nr: 53
Title:

Towards Analysing the Sentiments in the Field of Automobile with Specific Focus on Arabic Language Text

Authors:

Ayman Yafoz and Malek Mouhoub

Abstract: Performing natural language processing on a text document is an active research area. Social media includes valuable information resources in various languages. These information resources include reviews, comments, tweets, posts, opinions, articles and other text resources which could be analysed to explore people’s opinions, attitudes, emotions and sentiments towards various subjects and commodities. However, there is lack of contributions addressing sentiment analysis on automobile reviews in Gulf Cooperation Council (GCC) dialects and in the Arabic language in general. Moreover, the lack of available annotated datasets in the Arabic language, which are targeting specific domains (such as automobiles), and the limited focus on analysing the sentiments in Arabic regional dialects created a gap. These factors motivated us to conduct the research that we report in this paper. Furthermore, the limited adoption of techniques and algorithms related to natural language processing and machine learning is noticed in the current efforts that are targeting sentiment analysis in the Arabic language, which once adopted could provide the opportunity of enhancing the performance of sentiment analysers. Therefore, this research attempts to cover these gaps to a certain extent.
Download

Paper Nr: 54
Title:

VMRFANet: View-specific Multi-Receptive Field Attention Network for Person Re-identification

Authors:

Honglong Cai, Yuedong Fang, Zhiguan Wang, Tingchun Yeh and Jinxing Cheng

Abstract: Person re-identification (re-ID) aims to retrieve the same person across different cameras. In practice, it still remains a challenging task due to background clutter, variations on body poses and view conditions, inaccurate bounding box detection, etc. To tackle these issues, in this paper, we propose a novel multi-receptive field attention (MRFA) module that utilizes filters of various sizes to help network focusing on informative pixels. Besides, we present a view-specific mechanism that guides attention module to handle the variation of view conditions. Moreover, we introduce a Gaussian horizontal random cropping/padding method which further improves the robustness of our proposed network. Comprehensive experiments demonstrate the effectiveness of each component. Our method achieves 95.5% / 88.1% in rank-1 / mAP on Market-1501, 88.9% / 80.0% on DukeMTMC-reID, 81.1% / 78.8% on CUHK03 labeled dataset and 78.9% / 75.3% on CUHK03 detected dataset, outperforming current state-of-the-art methods.
Download

Paper Nr: 63
Title:

Cohesion as a Tool for Maintaining the Functional Integrity of a Multi-agent System

Authors:

Mickael Bettinelli, Damien Genthial and Michel Occello

Abstract: In a context of open systems, agents can work with other unknown agents. They must therefore be able to dynamically adapt their behavior to ensure that the system functions properly for all times. Bringing together these open groups of agents and humanities and social sciences groups opens up new perspectives in how to maintain the functional integrity of an artificial system. We propose then to draw inspiration from mechanisms of cohesion resulting from HSS in order to improve the resilience of these systems.
Download

Paper Nr: 69
Title:

Transgenic Genetic Algorithm to Minimize the Makespan in the Job Shop Scheduling Problem

Authors:

Monique S. Viana, Orides Morandin Junior and Rodrigo C. Contreras

Abstract: In recent years, several research studies have been conducted that use metaheuristics to calculate approximations of solutions for solving NP-Hard problems, within this class of problems there is the Job Shop Scheduling Problem (JSSP), which is discussed in this study. Improved solutions to problems of this type have been created for metaheuristics in the form of additional operators. For the Genetic Algorithm (GA) the transgenic operator has recently been created, whose operation is based on the idea of "genetically modified organisms", with the proposal to direct some population of individuals to a more favorable solution to the problem without removing the diversity of the population with a competitive cost of time. In this study, our main contribution is an adaptation of the GA with transgenic operator to the JSSP. The results obtained by the proposed method were compared with three papers in the literature that work on the same benchmark: one using GA, one using Adaptive GA and another using Ant Colony Optimization. The results confirm that the GA used with the transgenic operator obtains better results in a competitive processing time in comparison to the other techniques, due to its better targeting in the search space.
Download

Paper Nr: 80
Title:

Hybrid Tiled Convolutional Neural Networks (HTCNN) Text Sentiment Classification

Authors:

Maria M. Truşcǎ and Gerasimos Spanakis

Abstract: The tiled convolutional neural network (TCNN) has been applied only to computer vision for learning invariances. We adjust its architecture to NLP to improve the extraction of the most salient features for sentiment analysis. Knowing that the major drawback of the TCNN in the NLP field is its inflexible filter structure, we propose a novel architecture called hybrid tiled convolutional neural network (HTCNN) that applies a filter only on the words that appear in similar contexts and on their neighbouring words (a necessary step for preventing the loss of some n-grams). The experiments on the IMDB movie reviews dataset demonstrate the effectiveness of the HTCNN that has a higher level of performance of more than 3% and 1% respectively than both the convolutional neural network (CNN) and the TCNN. These results are confirmed by the SemEval-2017 dataset where the recall of the HTCNN model exceeds by more than six percentage points the recall of its simple variant, CNN.
Download

Paper Nr: 101
Title:

High-performance Algorithms using Deep Learning in Turn-based Strategy Games

Authors:

Tomihiro Kimura and Ikeda Kokolo

Abstract: The development of AlphaGo has increased the interest of researchers in applying deep learning and reinforcement learning to games. However, using the AlphaZero algorithm on games with complex data structures and vast search space, such as turn-based strategy games, has some technical challenges. The problem involves performing complex data representations with neural networks, which results in a very long learning time. This study discusses methods that can accelerate the learning of neural networks by solving the problem of the data representation of neural networks using a search tree. The proposed algorithm performs better than existing methods such as the Monte Carlo Tree Search (MCTS). The automatic generation of learning data by self-play does not require a big learning database beforehand. Moreover, the algorithm also shows excellent match results with a win rate of more than 85% against the conventional algorithms in the new map which is not used for learning.
Download

Paper Nr: 102
Title:

Measuring Student Emotions in an Online Learning Environment

Authors:

Márcio Alencar and José F. Netto

Abstract: The use of Virtual Learning Environments by educational institutions grows every year. In these environments, students use asynchronous and synchronous tools to communicate, express their opinions on various subjects. All of this information can be used to identify students' emotional states and improve education. Using sentiment analysis techniques is possible to identify students with difficulty, frustration, discouragement, this approach helps detect students with potential dropout. In this paper, an experiment was carried out with students of a technical course using a tool that identifies the emotional state of a class and their students using sentiment analysis on student's posts forum. The results demonstrate that the approach proposed in this paper can support teachers in monitoring students' emotional states by accessing and analyzing discourse forums to assist in decision making and learning improvements.
Download

Paper Nr: 111
Title:

Recognition of Online Handwritten Gurmukhi Strokes using Convolutional Neural Networks

Authors:

Rishabh Budhouliya, Rajendra K. Sharma and Harjeet Singh

Abstract: In this paper, we attempt to explore and experiment multiple variations of Convolutional Neural Networks on the basis of their distributions of trainable parameters between convolution and fully connected layers, so as to achieve a state-of-the-art recognition accuracy on a primary dataset which contains isolated stroke samples of Gurmukhi script characters produced by 190 native writers. Furthermore, we investigate the benefit of data augmentation with synthetically generated samples using an approach called stroke warping on the aforementioned dataset with three variants of a Convolutional Neural Network classifier. It has been found that this approach improves classification performance and reduces over-fitting. We extend this finding by suggesting that stroke warping helps in estimating the inherent variances induced in the original data distribution due to different writing styles and thus, increases the generalisation capacity of the classifier.
Download

Paper Nr: 119
Title:

Bee2Fire: A Deep Learning Powered Forest Fire Detection System

Authors:

Rui Valente de Almeida, Fernando Crivellaro, Maria Narciso, Ana I. Sousa and Pedro Vieira

Abstract: Bee2Fire is a commercial system for forest fire detection, inheriting from the Forest Fire Finder System. Designed in Portugal, it aims to address one of Southern Europe’s main concern, forest fires. It is a well known fact that the sooner a wildfire is detected, the quicker it can be put out, which highlights the importance of early detection. By scanning the landscape using regular cameras and Deep Artificial Neural Networks, Bee2Fire searches for smoke columns above the horizon with a image classification approach. After these networks were trained, the system was deployed in the field, obtaining a sensitivity score between 74% and 93%, a specificity of more than 99% and a precision of around 82%.
Download

Paper Nr: 132
Title:

A Markerless Joint Detection through a Hand Geometric Representation

Authors:

Aline F. Lemos and Nagy B. Vince

Abstract: In several fields, such as man-machine interface and occupational therapy, the human hand-joint position is required. Traditional methods usually rely on image processing allied with marker placement, e.g. reflexive marker, which can be time-consuming and uncomfortable for the subject. For these reasons, scientific efforts are being made to create reliable and convenient joint tracking. This paper proposes a methodology that generates geometric figures to mimic the hand configuration. This process is made possible by an optimization algorithm, which finds the most suitable placement of these geometric shapes. One time the real hand and the created representation share similar features, the joints position can be estimated. Two optimization algorithms were employed: particle swarm optimization and genetic algorithm. In both cases, satisfactory results were obtained. Although, particle swarm optimization marginally outperformed the latter method.
Download

Paper Nr: 143
Title:

Comparing Business Process Ontologies for Task Monitoring

Authors:

Amina Annane, Mouna Kamel and Nathalie Aussenac-Gilles

Abstract: Business process (BP) modelling is an active area of research due to its multiple applications. For systems that support/monitor operators to perform their tasks (i.e., tasks of a given BP), a formal representation is essential. Various BP ontologies are available to formally represent BP. In this paper, we review and compare a set of nine BP ontologies according to their ability to represent process specification and process execution in a fine-grained way to enable task monitoring. The comparison shows that, on the one hand, ontologies developed from scratch establish a clear distinction between process specification and process execution, but do not allow to represent workflow constraints required for process execution. On the other hand, most of the ontologies, that are ontological versions of existing BP modeling languages, focus only on process specifications but do not represent process execution, or mix the representation of BP specification and execution.
Download

Paper Nr: 149
Title:

Adaptive Modelling of Fed-batch Processes with Extreme Learning Machine and Recursive Least Square Technique

Authors:

Kazeem Alli and Jie Zhang

Abstract: This paper presents a new strategy to integrate extreme learning machine (ELM) with recursive least square (RLS) technique for the adaptive modelling of fed-batch processes that are subject to unknown disturbances. ELM has the advantage of fast training and good generalization. ELM is effective in modelling nonlinear processes but faces problems when the modelled process is time varying due to the presence of unknown disturbances or process condition drift. The RLS can adapt to current process operation by recursively solving the least square problem in the considered model. The RLS estimation algorithm nullifies the model plant mismatches caused by the unknown disturbances through correction of parameter estimates at each iteration. The offline trained output layer weights of an ELM are used as the initial values in parameter estimation in RLS, which are being updated after each batch run using RLS. The proposed strategy is tested on an isothermal semi-batch reactor. The results obtained show that the proposed batch to batch adaptive modelling technique is very effective.
Download

Paper Nr: 166
Title:

Secrecy-preserving Reasoning in ELH Knowledge Bases using MapReduce Algorithm

Authors:

Gopalakrishnan K. Sivaprakasam and Giora Slutzki

Abstract: In this paper, we have used the MapReduce algorithm to study the problem of secrecy-preserving reasoning in a very large ELH knowledge bases. A tableau algorithm for ABox reasoning is designed in a way that is suitable for MapReduce framework and contains a small set of reasoning rules. To implement the parallelization method, we have designed map and reduce functions for each of these ABox reasoning rules. The output of this computational procedure is a finite set A∗ which contains assertional consequences of the given knowledge base. Given a finite secrecy set S, we compute a set E, called an envelope of S, which provides logical protection to the secrecy set S against the reasoning of a querying agent. To compute E, a tableau algorithm is designed by inverting ABox reasoning rules in a way that is suitable for MapReduce framework. Further, to implement the parallelization method, we have designed map and reduce functions for each of these inverted rules.
Download

Paper Nr: 179
Title:

Reinforcement Learning in the Load Balancing Problem for the iFDAQ of the COMPASS Experiment at CERN

Authors:

Ondřej Šubrt, Martin Bodlák, Matouš Jandek, Vladimír Jarý, Antonín Květoň, Josef Nový, Miroslav Virius and Martin Zemko

Abstract: Currently, modern experiments in high energy physics impose great demands on the reliability, efficiency, and data rate of Data Acquisition Systems (DAQ). The paper deals with the Load Balancing (LB) problem of the intelligent, FPGA-based Data Acquisition System (iFDAQ) of the COMPASS experiment at CERN and presents a methodology applied in finding optimal solution. Machine learning approaches, seen as a subfield of artificial intelligence, have become crucial for many well-known optimization problems in recent years. Therefore, algorithms based on machine learning are worth investigating with respect to the LB problem. Reinforcement learning (RL) represents a machine learning search technique using an agent interacting with an environment so as to maximize certain notion of cumulative reward. In terms of RL, the LB problem is considered as a multi-stage decision making problem. Thus, the RL proposal consists of a learning algorithm using an adaptive ε–greedy strategy and a policy retrieval algorithm building a comprehensive search framework. Finally, the performance of the proposed RL approach is examined on two LB test cases and compared with other LB solution methods.
Download

Paper Nr: 180
Title:

Novel Lie Speech Classification by using Voice Stress

Authors:

Felipe M. Marcolla, Rafael de Santiago and Rudimar S. Dazzi

Abstract: Lie detection is an open problem. Many types of research seek to develop an efficient and reliable method to solve this problem successfully. Among the methods used for this task, the polygraph, voice stress analysis, and pupil dilation analysis can be highlighted. This work aims to implement a neural network to perform the analysis of a person’s voice and to classify his speech as reliable or not. In order to reach the objectives, a recurrent neural network of LSTM architecture was implemented, based on an architecture already applied in other works, and through the variation of parameters, different results were found in the tests. A database with audio recordings was generated to perform the neural network training, from an interview with a randomly selected group. Considering all the neural network base models implemented, the one that showed prominence presented a precision of 72.5% of the data samples. For the type of problem in focus, which is voice stress analysis, the result is statistically significant and denotes that it is possible to find patterns in the voice of people who are under stress.
Download

Paper Nr: 182
Title:

Tactile Tile Detection Integrated with Ground Detection using an RGB-Depth Sensor

Authors:

Yutaro Yamanaka, Eichi Takaya and Satoshi Kurihara

Abstract: Tactile paving is a system used to help visually impaired individuals walk safely. However, it is difficult to recognize the surrounding tactile tiles on a first visit to an area. In this study, we propose a method for detecting tactile tiles integrated with ground detection using an RGB-Depth sensor. For the ground detection, we use the RANSAC algorithm and expand the region by using the breadth-first search. When detecting the tactile tiles, we perform thresholding and construct a model to identify candidate areas. Experimental results showed that the proposed method obtained a precision of about 83% in detecting tactile tiles on a paved asphalt road. It was possible to correctly distinguish tactile tiles from other objects by combining ground detection in many cases. On the other hand, there were many false detections of tactile tiles in challenging environments, and the processing speed should be improved for real-time navigation.
Download

Paper Nr: 186
Title:

Ontology based Information Management for Industrial Applications

Authors:

Markus Germann, Constantin Rieder and Klaus P. Scherer

Abstract: For industrial applications, intelligent systems are available, helpful and necessary to support the complex human expert decisions and also the design based construction processes, especially when complex constraints for the process behaviour are given. Normally, such an intelligent support system consists of a knowledge based module, which is responsible for the real assistance power, representing the user specified information, the reasoning explanation part and the logical reasoning process itself. The interview based acquisition and generation of the complex expert knowledge itself is very crucial because of differing correlations between the complex parameters. So, in this project intelligent Wiki based methods are researched and developed for a quality improvement of an ontology based information system concerning electronic 3D print processes.
Download

Paper Nr: 187
Title:

Comparative Machine Learning Approach in Dementia Patient Classification using Principal Component Analysis

Authors:

Gopi Battineni, Nalini Chintalapudi and Francesco Amenta

Abstract: Dementia is one of the brain diseases that were significantly affecting the global population. Mainly it is exposed to older people with an association of memory loss and thinking ability. Unfortunately, there are no proper medications for dementia prevention. Doctors are suggesting that early prediction of this disease can somehow help the patient by slowdown the dementia progress. Nowadays, many computer scientists were using machine learning (ML) algorithms and data-mining operations in the healthcare environment for predicting and diagnosing diseases. The current study designed to develop an ML model for better classification of patients associated with dementia. For that, we developed a feature extraction method with the involvement of three supervised ML techniques such as support vector machines (SVM), K-nearest neighbor (KNN), and logistic regression (LR). Principal component analysis (PCA) was selected to extract relevant features related to the targeted outcome. Performance measures were assessed with accuracy, precision, recall, and AUC values. The accuracy of SVM, LR, and KNN was found as 0.967, 0.983, and 0.976, respectively. The AUC of LR (0.997) and KNN (0.966) were recorded the highest values. With the highest AUC values, KNN and LR were considered optimal classifiers in dementia prediction.
Download

Paper Nr: 190
Title:

Decomposable Probability-of-Success Metrics in Algorithmic Search

Authors:

Tyler Sam, Jake Williams, Abel Tadesse, Huey Sun and George Montañez

Abstract: Prior work in machine learning has used a specific success metric, the expected per-query probability of success, to prove impossibility results within the algorithmic search framework. However, this success metric prevents us from applying these results to specific subfields of machine learning, e.g. transfer learning. We define decomposable metrics as a category of success metrics for search problems which can be expressed as a linear operation on a probability distribution to solve this issue. Using an arbitrary decomposable metric to measure the success of a search, we demonstrate theorems which bound success in various ways, generalizing several existing results in the literature.
Download

Paper Nr: 198
Title:

Knowledge-based Analysis of Residential Air Quality

Authors:

Aaron Hunter and Rodrigo Mora

Abstract: This paper proposes an approach for residential air quality investigations (IAQ), building on a knowledge-based theory of building science for systems integration. We present a case study related to the diagnosis of an air quality problem in a residential building, and we suggest that a logic-based formalization can help direct investigators towards solutions. This is a problem of significant practical importance, which has not been specifically addressed in the AI research community. It is envisioned that a formal methodology could improve storage and retrieval of archival information, and it could be used as a reasoning engine for diagnosis.
Download

Paper Nr: 200
Title:

Cognitive Modeling in Computational Rhetoric: Litotes, Containment and the Unexcluded Middle

Authors:

Jelena Mitrović, Cliff O’Reilly, Randy A. Harris and Michael Granitzer

Abstract: The focus of our study is the rhetorical figure litotes and its cognitive modeling. This figure is formed by a contrary term that emphatically accentuates a positive, e.g. He is not exactly an idiot (said of Albert Einstein). Lawrence Horn’s illumination of the Law of Excluded Middle and its relationship to litotes by creating an Unexcluded Middle is central to our ideas and we correlate this to Image Schema theories developed by Mark Johnson, George Lakoff and Rafael Núnez – specifically the schema of CONTAINMENT. The distinction be- ˜ tween contrary and contradictory opposition is described. We extend the assessment of the Excluded Middle from the perspective of Image Schema theory into the realm of the Unexcluded Middle and draw a representation of the layout of containers and analogous concept-activation. Lastly, we create and present an OWL ontology and publish it online.
Download

Paper Nr: 205
Title:

Naive Bayesian Network for Automated, Fashion Personal Stylist

Authors:

N. Strain and J. I. Olszewska

Abstract: Fashion is an area that people experience every day. Fashion can be seen as homogenizing, since encouraging everyone to dress in a certain way that is influenced, e.g. by celebrities and social media. However, nowadays, fashion is also a search for individuality and personal expression. Hence, this work is about the development of an intelligent web application to help people by providing them with clothing suggestions based on their previous garment selections at the registration stage and after determining each user’s individual style thanks to machine learning techniques such as Naive Bayesian Networks. The resulting intelligent system has been thoroughly tested on real-world datasets as well as successfully released to end-users.
Download

Paper Nr: 207
Title:

Investigation of Day-ahead Price Forecasting Models in the Finnish Electricity Market

Authors:

Daniel Zaroni, Arthur Piazzi, Tamás Tettamanti and Ádám Sleisz

Abstract: The electricity market is a rather complex market and the prices depend on several different factors. The price dynamics are bound to get even more volatile, with a stronger integration between European electricity markets and the increasing share of renewable energy sources. Therefore, the development of accurate electricity price forecasting methods has increasing importance in the field. This paper investigates the performance of several deep learning models for the Finnish electricity market. The investigation comprehends different architectures types, data aggregation schemes as well as pre-training method. In this manner, this work does not only presents new forecasting methods but also gives valuable comparison between approaches.
Download

Paper Nr: 215
Title:

Supervised Hardware/Software Partitioning Algorithms for FPGA-based Applications

Authors:

Belhedi Wiem and Hannachi Marwa

Abstract: Real time systems require the cooperation of the reconfigurable hardware and the software in order to boost the application performance in terms of both energy and time. However, the integration of these systems presents a hardware/software co-design challenges in terms of both time minimization and autonomy; hence, the importance of hardware/software partitioning algorithms. Here, we present a selection of artificial intelligence based-approaches that we apply in order to solve the hardware/software classification task in real-time systems. For this, the used database consists of a collection of real experiments that were conducted in Altran Technologies. The tested classification algorithms include Linear Regression model optimized with gradient descent, logistic regression, Support vector machine (SVM), Linear Discriminant Analysis (LDA), and deep neural network (DNN). Results show the applicability of these methods and the high accuracy of the task type decision.
Download

Paper Nr: 218
Title:

Digital Cryptography Implementation using Neurocomputational Model with Autoencoder Architecture

Authors:

Francisco Q. Socasi, Ronny Velastegui, Luis Zhinin-Vera, Rafael Valencia-Ramos, Francisco Ortega-Zamorano and Oscar Chang

Abstract: An Autoencoder is an artificial neural network used for unsupervised learning and for dimensionality reduction. In this work, an Autoencoder has been used to encrypt and decrypt digital information. So, it is implemented to code and decode characters represented in an 8-bit format, which corresponds to the size of ASCII representation. The Back-propagation algorithm has been used in order to perform the learning process with two different variant depends on when the discretization procedure is carried out, during (model I) or after (model II) the learning phase. Several tests were conducted to determine the best Autoencoder architectures to encrypt and decrypt, taking into account that a good encrypt method corresponds to a process that generate a new code with uniqueness and a good decrypt method successfully recovers the input data. A network that obtains a 100% in the two process is considered a good digital cryptography implementation. Some of the proposed architecture obtain a 100% in the processes to encrypt 52 ASCII characters (Letter characters) and 95 ASCII characters (printable characters), recovering all the data.
Download

Paper Nr: 231
Title:

On Nonintrusive Monitoring of Electrical Appliance Load Via Restricted Boltzmann Machine with Temporal Reservoir

Authors:

Megumi Fujita, Yu Fujimoto and Yasuhiro Hayashi

Abstract: This study proposes a nonintrusive appliance load monitoring framework for estimation of the power consumptions of individual residential appliances by using aggregated total consumption based on Gaussian-softmax restricted Boltzmann machine with temporal reservoir. The proposed method is expected to estimate the hidden states of the appliances well by coding the current situation in the nonlinear temporal dynamics of the power consumption in the reservoir units so as to estimate the appliance-wise consumptions well. The accuracy of the proposed framework is evaluated by using real-world power consumption data sets.
Download

Paper Nr: 236
Title:

SCHEMATA: 3D Classification and Categorization of Ancient Terracotta Figurines

Authors:

Alexander Zeckey and Martin Langner

Abstract: The goal of the starting case-study is not only to develop procedures for automatically generating corpora using 3D pattern recognition, but also to reflect on the associated schematizations and how they can be applied in computer science and visual sciences. For this purpose, methods of object mining in 3D data are to be developed. We chose an object group which is defined by its complexity in shape and the similarity between the objects: In 4th and 3rd century BC ancient Greece small terracotta figurines used to be an art form that was quite common. Based on 200 of those terracottas, a classification system will be elaborated with digital methods, which is able to meet the complexity of the artefacts. In close cooperation between computer science and archaeology, this experimental process leads to a fundamental examination of the concept of pattern recognition as a humanities category. The discussion of the various concepts and methods will be carried out in two complementary dissertations.
Download

Paper Nr: 238
Title:

The Complexity of Social Media Response: Statistical Evidence for One-dimensional Engagement Signal in Twitter

Authors:

Damian K. Kowalczyk and Lars K. Hansen

Abstract: Many years after online social networks exceeded our collective attention, social influence is still built on attention capital. Quality is not a prerequisite for viral spreading, yet large diffusion cascades remain the hallmark of a social influencer. Consequently, our exposure to low-quality content and questionable influence is expected to increase. Since the conception of influence maximization frameworks, multiple content performance metrics became available, albeit raising the complexity of influence analysis. In this paper, we examine and consolidate a diverse set of content engagement metrics. The correlations discovered lead us to propose a new, more holistic, one-dimensional engagement signal. We then show it is more predictable than any individual influence predictors previously investigated. Our proposed model achieves strong engagement ranking performance and is the first to explain half of the variance with features available early. We share the detailed numerical workflow to compute the new compound engagement signal. The model is immediately applicable to social media monitoring, influencer identification, campaign engagement forecasting, and curating user feeds.
Download

Paper Nr: 242
Title:

A Design of the ViaBots Model for Industrial Assembly Line Application

Authors:

Mara Pudane, Arturs Ardavs, Egons Lavendelis, Leonards Elksnis, Aiga Andrijanova, Peteris Ecis, Arturs Oniscenko and Agris Nikitenko

Abstract: Due to growing requirement of Industry 4.0 and general robotics infiltration into everyday life and industry applications, the adaptive heterogeneous multi-robot systems have become highly significant topic. While the adaptivity as a phenomena has not been researched for a long time in robotic systems, the organisational theory has analysed the adaptivity in long term, or viability, for several decades. ViaBots is organisational theory based framework for technical systems, that defines the functions that the system must fulfil to be viable. The goal of this paper is to present a design of the ViaBots model in case of heterogeneous multi-robot system, in particular, for an industrial assembly use-case.
Download

Paper Nr: 244
Title:

CATE: An Embodied Conversational Agent for the Elderly

Authors:

Sean L. Bravo, Cedric J. Herrera, Edward C. Valdez, Klint J. Poliquit, Jennifer Ureta, Jocelynn Cu, Judith Azcarraga and Joanna P. Rivera

Abstract: Social isolation and loneliness affect one-third to one-half of the elderly population, and these have a very negative impact on the physical and mental health of the elderly. Cate is an Embodied Conversational Agent designed to alleviate social isolation and loneliness of the elderly. It takes in user inputs through buttons and responds through text-to-speech and emotion animations developed with the use of SmartBody. Interviews were conducted to identify what the elders like to talk about and how elders interact in general. An end-user evaluation form and an observation checklist were used to see what the elders thought of the application. Cate achieved an overall satisfaction score of 3.98 on a scale of 1 (lowest) to 5 (highest). Based on the results, elders generally like interacting with Cate and can see Cate as a possible companion.
Download

Paper Nr: 248
Title:

Automated Acquisition of Control Knowledge for Classical Planners

Authors:

Marta Vomlelová, Jindřich Vodrážka, Roman Barták and Lukáš Chrpa

Abstract: Attributed transition-based domain control knowledge (ATB-DCK) has been proposed as a simple way to express expected (desirable) sequences of actions in a plan with constraints going beyond physics of the environment. This knowledge can be compiled to Planning Domain Description Language (PDDL) to enhance an existing planning domain model and hence any classical planner can exploit it. In the paper, we propose a method to automatically acquire this control knowledge from example plans. First, a regular expression representing provided plans is found. Then, this expression is extended with attributes expressing extra relations among the actions and hence going beyond regular languages. The final expression is then translated, through ATB-DCK, to PDDL to enhance a planning domain model. We will empirically demonstrate that such an enhanced domain model improves efficiency of existing state-of-the-art planning engines.
Download

Paper Nr: 260
Title:

Algorithmic Eta-reduction in Type-theory of Acyclic Recursion

Authors:

Roussanka Loukanova

Abstract: The paper extends the standard reduction calculus of the higher-order Type-theory of Acyclic Recursion to η-reduction. This is achieved by adding a restricted η-rule, which is applicable only to terms in canonical forms satisfying certain conditions. Canonical forms of terms determine the iterative algorithms for computing the semantic denotations of the terms. Unnecessary λ-abstractions and corresponding functional applications in canonical forms contribute to algorithmic complexity. The η-rule provides a simple way to reduce complexity by maintenance of essential algorithmic structure of computations.
Download

Area 2 - Agents

Full Papers
Paper Nr: 14
Title:

Validation of Evacuation Decision Model: An Attempt to Reproduce Human Evacuation Behaviors during the Great East Japan Earthquake

Authors:

Akira Tsurushima

Abstract: The evacuation decision model was developed to represent human herd behavior during disaster evacuations and employed to analyze symmetry breaking phenomena in evacuation exit choices. However, it has yet to be tested on actual human evacuation data. By examining video footage recorded during the Great East Japan Earthquake, we discovered unusual evacuation behaviors previously unreported in the literature. Those being the choice between fleeing and the drop-cover-hold on action. These behaviors formed a unique spatial pattern when observed in a room. In this study, we attempt to reproduce this unique human evacuation behavior via multiagent simulations using the evacuation decision model and demonstrate that simple herd behavior is sufficient to reproduce the spatial pattern of the evacuation decisions.
Download

Paper Nr: 43
Title:

Multiagent System for Community Energy Management

Authors:

Roman Denysiuk, Fabio Lilliu, Meritxell Vinyals and Diego R. Recupero

Abstract: Local energy communities (LECs) represent a shift in energy management from an individual approach towards a collective one. LECs can reduce energy costs for end-users and contribute to meeting climate objectives through the use of renewable energy. This paper presents the application of a multiagent system (MAS) approach to realize the concept of LEC in a real-world scenario involving a community of households. An appropriate agent-based model for the given community is presented. This model effectively distributes the tasks among the agents considering electrical and heat energy flows. The agent coordination mechanism is based on the Alternative Direction Method of Multipliers. The obtained results provide evidence of the validity of the developed MAS and show its potential to increase a total social welfare of the community.
Download

Paper Nr: 49
Title:

Peer-to-peer Energy Trading for Smart Energy Communities

Authors:

Roman Denysiuk, Fabio Lilliu, Diego R. Recupero and Meritxell Vinyals

Abstract: Local energy communities (LECs) comprise prosumers cooperating for the satisfaction of their energy needs. Prosumers are community members that can both produce and consume energy. LECs facilitate the integration of renewables and provide the potential for reducing energy costs. Peer-to-peer (P2P) energy trading allows direct energy exchange between members of a local energy community. The surplus of energy from renewables is traded to meet a local consumption demand so that costs and revenues stay within community avoiding transmission losses and stress on the grid. This study presents a design of the peer-to-peer market for local energy communities where prosumers are rational and self-interested agents acting selfishly in an attempt to optimize their trades. The market design aims to ensure self-consumption of locally produced energy and provides incentives for balancing supply and demand within community. The proposed design is investigated in comparison with existing ones using theoretical analysis and simulations. The obtained results are promising and reveal advantageous properties of the proposed P2P energy trading.
Download

Paper Nr: 66
Title:

Multi-model Adaptive Learning for Robots Under Uncertainty

Authors:

Michalis Smyrnakis, Hongyang Qu, Dario Bauso and Sandor Veres

Abstract: This paper casts coordination of a team of robots within the framework of game theoretic learning algorithms. A novel variant of fictitious play is proposed, by considering multi-model adaptive filters as a method to estimate other players’ strategies. The proposed algorithm can be used as a coordination mechanism between players when they should take decisions under uncertainty. Each player chooses an action after taking into account the actions of the other players and also the uncertainty. In contrast, to other game-theoretic and heuristic algorithms for distributed optimisation, it is not necessary to find the optimal parameters of the algorithm for a specific problem a priori. Simulations are used to test the performance of the proposed methodology against other game-theoretic learning algorithms.
Download

Paper Nr: 90
Title:

Modeling the Willingness to Interact in Cooperative Multi-robot Systems

Authors:

Mirgita Frasheri, Lukas Esterle and Alessandro V. Papadopoulos

Abstract: When multiple robots are required to collaborate in order to accomplish a specific task, they need to be coordinated in order to operate efficiently. To allow for scalability and robustness, we propose a novel distributed approach performed by autonomous robots based on their willingness to interact with each other. This willingness, based on their individual state, is used to inform a decision process of whether or not to interact with other robots within the environment. We study this new mechanism to form coalitions in the on-line multi-object κ-coverage problem, and compare it with six other methods from the literature. We investigate the trade-off between the number of robots available and the number of potential targets in the environment. We show that the proposed method is able to provide comparable performance to the best method in the case of static targets, and to achieve a higher level of coverage with respect to the other methods in the case of mobile targets.
Download

Paper Nr: 114
Title:

An Agent-based System for Truck Dispatching in Open-pit Mines

Authors:

Gabriel Icarte Ahumada, Eduardo Riveros and Otthein Herzog

Abstract: An important logistic process in open-pit mines is material handling due to its high operational costs. In this process shovels extract and load materials that must be transported by trucks to different destinations at the mine. Several centralized systems have been developed to support this process. The methods applied for these systems are based on mathematical programming, heuristic processes or simulation modelling. The main disadvantages in these systems are performing calculations in a timely manner, addressing the dynamics of a mine, and not being able to provide a precise dispatching solution. In this paper, we describe a distributed approach based on Multiagent Systems (MAS). In this approach, the real-world equipment items such as shovels and trucks are represented by intelligent agents. To meet the target in the production plan at minimal cost, the agents must interact with each other. For this interaction, a Contract Net Protocol with a confirmation stage was implemented. To evaluate the MAS, an agent-based simulation with data from a Chilean open-pit mine was used. The results show that the MAS provide more precise solutions than the current centralized systems in a practical calculation timeframe. In addition, the MAS decreases the truck costs by 20% on average.
Download

Paper Nr: 133
Title:

Fools Rush In: Competitive Effects of Reaction Time in Automated Trading

Authors:

Henry Hanifan and John Cartlidge

Abstract: We explore the competitive effects of reaction time of automated trading strategies in simulated financial markets containing a single exchange with public limit order book and continuous double auction matching. A large body of research conducted over several decades has been devoted to trading agent design and simulation, but the majority of this work focuses on pricing strategy and does not consider the time taken for these strategies to compute. In real-world financial markets, speed is known to heavily influence the design of automated trading algorithms, with the generally accepted wisdom that faster is better. Here, we introduce increasingly realistic models of trading speed and profile the computation times of a suite of eminent trading algorithms from the literature. Results demonstrate that: (a) trading performance is impacted by speed, but faster is not always better; (b) the Adaptive-Aggressive (AA) algorithm, until recently considered the most dominant trading strategy in the literature, is outperformed by the simplistic Shaver (SHVR) strategy—shave one tick off the current best bid or ask—when relative computation times are accurately simulated.
Download

Paper Nr: 139
Title:

Taking Inventory Changes into Account While Negotiating in Supply Chain Management

Authors:

Celal B. Yavuz, Çağıl Süslü and Reyhan Aydoğan

Abstract: In a supply chain environment, supply chain entities need to make joint decisions on the transaction of goods under the issues quantity, delivery time and unit price in order to procure/sell goods at right quantities and time while minimizing the transaction costs. This paper presents our negotiating agent designed for Supply Chain Management League (SCML) in the International Automated Negotiation Agents Competition (ANAC). Basically, the proposed approach relies on determining reservation value by taking the changes in the inventory stock into account. We have tested the performance of our bidding strategy in the competition simulation environment and compared it with the performance of the winner strategies in ANAC SCML 2019. Our experimental results showed that the proposed strategy outperformed the winner strategies in overall.
Download

Paper Nr: 147
Title:

The Effect of Well-informed Minorities and Meritocratic Learning in Social Networks

Authors:

Marwa Shekfeh and Ali A. Minai

Abstract: A significant amount of information acquisition in human groups occurs through social learning, i.e., individuals learning through communication with their peers. Since people communicate what they know and their information is not completely accurate, such peer-to-peer learning can lead to the spread of both knowledge and misinformation over social networks. How much of each occurs depends on many factors, including the quality of knowledge in the group as a whole, its initial distribution over the network, and the learning styles of individuals. The number of configurations in which these factors can occur is infinite, but multi-agent network models provide a promising way to explore plausible scenarios. In this paper, we use such a model to consider the joint effect of two factors: 1) The proportion of initially well-informed and ill-informed agents in the population; and 2) The choice of each group to learn in one of two plausible ways. The simulations reported find that both factors have a large effect.
Download

Short Papers
Paper Nr: 6
Title:

Sensor Fusion and Decision-making in the Cooperative Search by Mobile Robots

Authors:

Barouch Matzliach, Irad Ben-Gal and Evgeny Kagan

Abstract: The paper addresses the problem of probabilistic search and detection of multiple targets by the group of mobile robots that are equipped by a variety of sensors and are communicating with each other at different levels. The goal is to define the trajectories of the robots in the group such that the targets are chased in minimal time. The suggested solution model follows the occupancy grid approach, and sensor fusion is implemented using a general Bayesian scheme with varying sensitivity of the sensors. The created control algorithm was verified in three settings with different levels of communication and information sharing between the robots and different levels of sensors' sensitivity. The suggested algorithms were implemented in a software simulation to analyze and compare the different policies.
Download

Paper Nr: 41
Title:

An Evaluation Framework for Future Privacy Protection Systems: A Dynamic Identity Ecosystem Approach

Authors:

David Liau, Razieh N. Zaeem and K. S. Barber

Abstract: Today, more than ever, everyday authentication processes involve combinations of Personally Identifiable Information (PII) to verify a person’s identity. Meanwhile the number of identity thefts is increasing dramatically compared to the past decades. As a response to this phenomenon, numerous privacy protection regulations, and identity management frameworks and companies thrive luxuriantly. In this paper, we leverage previous work in the Identity Ecosystem, a Bayesian network mathematical representation of a person’s identity, to create a framework to evaluate identity protection systems. After reviewing the Identity Ecosystem, we populate a dynamic version of it and propose a protection game for a person’s PII given that the owner and the attacker both gain some level of control over the status of other PII within the dynamic Identity Ecosystem. Next, We present a game concept on the Identity Ecosystem as a single round game with complete information. We then formulate a stochastic shortest path game between the owner and the attacker on the dynamic Identity Ecosystem. The attacker is trying to expose the target PII as soon as possible while the owner is trying to protect the target PII from being exposed. We present a policy iteration algorithm to solve the optimal policy for the game and discuss its convergence. Finally, an evaluation and comparison of identity protection strategies is provided given that an optimal policy is used against different protection policies. This study is aimed to understand the evolutionary process of identity theft and provide a framework for evaluating different identity protection strategies and in future privacy protection system.
Download

Paper Nr: 42
Title:

Multi-agent Reinforcement Learning for Bargaining under Risk and Asymmetric Information

Authors:

Kyrill Schmid, Lenz Belzner, Thomy Phan, Thomas Gabor and Claudia Linnhoff-Popien

Abstract: In cooperative game theory bargaining games refer to situations where players can agree to any one of a variety of outcomes but there is a conflict on which specific outcome to choose. However, the players cannot impose a specific outcome on others and if no agreement is reached all players receive a predetermined status quo outcome. Bargaining games have been studied from a variety of fields, including game theory, economics, psychology and simulation based methods like genetic algorithms. In this work we extend the analysis by means of deep multi-agent reinforcement learning (MARL). To study the dynamics of bargaining with reinforcement learning we propose two different bargaining environments which display the following situations: in the first domain two agents have to agree on the division of an asset, e.g., the division of a fixed amount of money between each other. The second domain models a seller-buyer scenario in which agents must agree on a price for a product. We empirically demonstrate that the bargaining result under MARL is influenced by agents’ risk-aversion as well as information asymmetry between agents.
Download

Paper Nr: 44
Title:

DMTF: A Distributed Algorithm for Multi-team Formation

Authors:

Amar Nath, Arun Ar and Rajdeep Niyogi

Abstract: Multi-team formation has received considerable attention in the last decade. Most existing approaches for team formation assume complete knowledge of the environment, and the problem is reduced to a combinatorial optimization problem. In a dynamic environmnt, the agents may be spatially distributed, have limited information, lack global knowledge, and update their knowledge by communicating with each other. In such a setting, it would be more appropriate for the agents to form teams by themselves in a distributed manner. In this paper, we suggest a distributed algorithm for multi-team formation (DMTF). The implementation of a distributed algorithm is quite challenging, and traditionally such algorithms are presented in a theoretical way. We implemented the proposed algorithm using a multi-robot simulator. The experimental results show the efficacy of the approach.
Download

Paper Nr: 47
Title:

Balancing Selfishness and Efficiency in Mobile Ad-hoc Networks: An Agent-based Simulation

Authors:

Marcin Korecki, Malvin Gattinger and Rineke Verbrugge

Abstract: We study wireless ad-hoc networks from an agent-based perspective. In our model agents with different strategies such as being selfish, tit-for-tat or battery-based compete and cooperate. If only different levels of selfishness are allowed then being selfish is clearly the dominant strategy. However, introduction of more advanced strategies allows to some extent to combat selfishness. In particular we present a battery-based approach and a hybrid of battery-based and tit-for-tat approaches. The findings give hope that the introduction of widely available ad-hoc networks might at some point be possible. Even when users are given full control of their devices, effective strategies allow for the networks overall to be effective and feasible.
Download

Paper Nr: 50
Title:

Multi-agent Modeling Simulation of In-vitro T-cells for Immunologic Alternatives to Cancer Treatment

Authors:

David F. Nettleton, Vladimir Estivill-Castro and Enrique H. Jiménez

Abstract: There is exciting news in recent developments suggesting the potential to treat some human cancers by stimulating the patients own immune system. However, there is still much to understand; therefore, modelling the battle between those cells that are constituents of the human immune system against tumorous cells can significantly provide insights as mathematical modelling has done regarding the immune system behaviour against virus infections. In this paper we innovate in two directions. First, we move the modelling of immune struggles from the sphere of ordinary-differential equation models to the modelling by multi-agent simulations. We highlight the advantages of the multi-agent simulation, for example the consideration of elaborate spatial proximity interactions. Secondly, we move away from the realm of infectious diseases to the complex modelling of the stimulation of T-cells and their participation in fighting cancerous cell tumours.
Download

Paper Nr: 124
Title:

An Extended Multi-agent Coalitions Mechanism with Constraints

Authors:

Souhila Arib and Samir Aknine

Abstract: In multiple realistic scenarios, limited agent capabilities may negatively affect task performance. To overcome this, multi-agent cooperation may be required. Many studies have focused on cooperative task performance. To facilitate such cooperation, we develop and evaluate a coalition mechanism that enables agents to participate in concurrent tasks achievement in competitive situations, in which agents have several constraints. We consider a set of self-interested bounded-rational agents, each of which has a set of tasks, that leads an agent to achieving its goal. The agents have not a priori knowledge about the preferences of their opponents. All the agents have their specific constraints and this information is private. In this paper, we do not deal with the negotiation protocol but just introduce a new coalition formation mechanism (CF M ) that imposes minimal sharing of private information to ease negotiations. Specifically, we only require that agents share preferences over their constraints. The agents negotiate for coalition formation over these constraints, that may be relaxed during negotiations. They start by exchanging their constraints and making proposals, which represent their acceptable solutions, until either an agreement is reached, or the negotiation terminates. We explore two techniques that ease the search of suitable coalitions: we use a constraint-based model and a heuristic search method. We describe a procedure that transforms these constraints into a structured graph on which the agents rely during their negotiations to generate a graph of feasible coalitions. This graph is therefore explored by a Nested Monte-Carlo search algorithm to generate the best coalitions and to minimize the negotiation time.
Download

Paper Nr: 172
Title:

Nash Equilibria in Multi-Agent Swarms

Authors:

Carsten Hahn, Thomy Phan, Sebastian Feld, Christoph Roch, Fabian Ritz, Andreas Sedlmeier, Thomas Gabor and Claudia Linnhoff-Popien

Abstract: In various settings in nature or robotics, swarms offer various benefits as a structure that can be joined easily and locally but still offers more resilience or efficiency at performing certain tasks. When these benefits are rewarded accordingly, even purely self-interested Multi-Agent reinforcement learning systems will thus learn to form swarms for each individual’s benefit. In this work we show, however, that under certain conditions swarms also pose Nash equilibria when interpreting the agents’ given task as multi-player game. We show that these conditions can be achieved by altering the area size (while allowing individual action choices) in a setting known from literature. We conclude that aside from offering valuable benefits to rational agents, swarms may also form due to pressuring deviants from swarming behavior into joining the swarm as is typical for Nash equilibria in social dilemmas.
Download

Paper Nr: 183
Title:

Agent-Based Model Application for Resource Management Analysis

Authors:

Fumi Okura, I. W. Budiasa and Tasuku Kato

Abstract: Due to climate change and population growth, the agriculture sector has been faced with two challenges; securing water and food and transferring into sustainable resource management. To systematize resource management which currently mainly relies on farmers’ experience, digital technologies have been developed. Considering current tighter resource availability, it is desirable to examine resource management behavior of beneficiaries using scarce resources to analyze resilience and adaptability of institutions. In this study, we analyzed factors of water use behavior of Water Users Associations (WUAs) to solve water allocation problem with Agent-Based Model (ABM). The simulation results show that factors of water use behavior were water resources and the existence of different water use laws, and downstream WUAs developed adaptation methods. To enhance sustainable resource management, ABM can be applied to analyze factors and their rules and/or laws to understand what enhances resilience and adaptability of institutions.
Download

Paper Nr: 216
Title:

Affordable Remote Terminal for Sensor Observation Service

Authors:

Laura L. Gattuta, Alessio Langiu, Luca Sabatucci, Vincenzo Suraci and Mario Sprovieri

Abstract: In the Internet of Things era, where the availability of data connectivity and smart devices is every day spreading more and more, the capability of acquiring sensor data through a simple, affordable and power efficient solution is a promoting factor for the collaborative creation of data set according to the Open Data philosophy. This setting is particularly fitting the agent environmental monitoring through repetitive measurement of physical-chemical parameters. This manuscript presents a new software solution for data acquisition based on a Raspberry PI terminal equipped with a thermal sensor and data connectivity at the system level. It exploits the features of the Sensor Observation Service (SOS) standard, such as the data model and the communication formats, and it assumes the availability of an SOS server to archive the data.
Download

Paper Nr: 227
Title:

Learning Efficient Coordination Strategy for Multi-step Tasks in Multi-agent Systems using Deep Reinforcement Learning

Authors:

Zean Zhu, Elhadji O. Diallo and Toshiharu Sugawara

Abstract: We investigated whether a group of agents could learn the strategic policy with different sizes of input by deep Q-learning in a simulated takeout platform environment. Agents are often required to cooperate and/or coordinate with each other to achieve their goals, but making appropriate sequential decisions for coordinated behaviors based on dynamic and complex states is one of the challenging issues for the study of multi-agent systems. Although it is already investigated that intelligent agents could learn the coordinated strategies using deep Q-learning to efficiently execute simple one-step tasks, they are also expected to generate a certain coordination regime for more complex tasks, such as multi-step coordinated ones, in dynamic environments. To solve this problem, we introduced the deep reinforcement learning framework with two kinds of distributions of the neural networks, centralized and decentralized deep Q-networks (DQNs). We examined and compared the performances using these two DQN network distributions with various sizes of the agents’ views. The experimental results showed that these networks could learn coordinated policies to manage agents by using local view inputs, and thus, could improve their entire performance. However, we also showed that their behaviors of multiple agents seemed quite different depending on the network distributions.
Download

Paper Nr: 228
Title:

Reaching Agreement in an Interactive Group Recommender System

Authors:

Dai Yodogawa and Kazuhiro Kuwabara

Abstract: For a group recommender system, it is important to recommend an item that can be accepted by all group members. This paper proposes a group recommender system where preferences elicited from group members are used to select an item that is agreeable to all of them. In this system, an agent that corresponds to each group member manages estimation of the corresponding user’s preferences. Virtual negotiation is conducted among these agents to find an appropriate item to recommend, and the selected item is presented to group members. If it is not accepted, the system asks members to relax their requirements and accordingly updates its recommendation. We report and discuss the results of simulation experiments with different personality types of conflict resolution and different conversation strategies.
Download

Paper Nr: 249
Title:

Quality Evaluation of the Occupancy Grids without Ground Truth Maps

Authors:

Ilze Andersone

Abstract: Robot map merging is an important task in mobile multi-robot systems to facilitate cooperation and higher performance. Map merging has been extensively researched in recent years, but little attention has been paid to the merging of maps that have different quality levels. In this paper a method is proposed that allows the quality evaluation of occupancy grid maps without the need for ground truth maps. The method uses Convolutional Neural Network (CNN) for map fragment classification and can be used for overall map quality evaluation as well as for evaluation of map regions, which is especially useful for map merging purposes.
Download

Paper Nr: 251
Title:

Towards a Cyber-physical Systems Resilience Approach based on Artificial Emotions and Multi-agent Systems

Authors:

Eskandar Kouicem, Clément Raïevsky and Michel Occello

Abstract: The concept of resilience is popular and studied in different domains like human and social sciences (psychology, psychiatry, sociology etc.) and recently in cognitive science, biology, ecology and computer science. The objective of this article is to present our research that aims to incorporate knowledge from human and social sciences in computer science to solve cyber-physical systems resilience problems. For us humans, emotions are considered as an important process in responding to unanticipated events, for that, emotions are important for our resilience. Our work aims to inspire from emotional processes to create an agent model that increases the resilience of cyber-physical systems. This agent model will integrate individual and collective processes. In addition, one of our principal hypotheses in our research is that the multi-agent paradigm is suitable to integrate emotion-like processes into cyber-physical systems.
Download

Paper Nr: 32
Title:

Ontology-based Open Multi-agent Systems for Adaptive Resource Management

Authors:

Petr Skobelev, Alexey Zhilyaev, Vladimir Larukhin, Sergey Grachev and Elena Simonova

Abstract: The paper describes an ontological model of a planning object, which provides flexible configuration of multi-agent resource management systems. The authors propose using the basic ontology of resource planning and then building it up for significantly different domains. The key concept here is “Task”. A relatively universal agent can be created thanks to formalized description of various classes of tasks based on this concept. It can also be customized to a specific domain area. Based on the ontology, an enterprise knowledge base is created. It contains instances of concepts and relations. The paper also introduces new classes of agents for demand and resource networks. The authors then propose a new method of multi-agent planning using this knowledge base. This approach has been already successfully applied in several domain areas through the developed software package. The paper demonstrates that the use of ontologies can improve the quality and efficiency of planning by taking into account multiple factors in real time, thus reducing the cost of creating and maintaining multi-agent systems, as well as development times and risks.
Download

Paper Nr: 68
Title:

Agents and Multi-agent Systems as Actor-networks

Authors:

Yury Iskanderov and Mikhail Pautov

Abstract: Agents and multi-agent systems are looked at through the lens of actor-network theory which plays a prominent role in the avant-garde of postmodern studies on socio-technological systems. The authors use the elements of applied semiotics and logics of action to formalize the basic actor-network concepts; they discuss prospective intercourses between the actor-network paradigm and the agent based approaches, potential synthesis of the two methods and the new semantics of certain MAS concepts suggested by actor-network theory.
Download

Paper Nr: 97
Title:

Pooling of Heterogeneous Computing Resources: A Novel Approach based on Multi-Edge-Agent Concept

Authors:

Florent Carlier, Virginie Fresse, Jean-Paul Jamont, Loic Pallardy and Arnaud Rosay

Abstract: Advanced driving assistance systems are major innovations in vehicles requiring more and more electronic systems both inside and outside cars and trucks and using vehicle to vehicle and vehicle to infrastructure communications. Electric/Electronic architecture of modern vehicle is based on clustering of Electronic Control Units (ECU) either by domain or by physical location. Innovation in the field of transportation is often related to the introduction of new software requiring the addition of hardware. This is a barrier to disseminate innovation in existing vehicles. The most appropriate solution to overcome this problem consists in fully exploiting under-utilized computing resources rather than adding new ones. In this paper, we propose a novel approach to manage a pool of resources by introducing the concept of EdgeAgent model. Pooling of resources is managed by three types of EdgeAgents: Mediator, Allocator and Processor. The resulting system architecture is based on IoT-a (agents as close as possible to hardware) and Avatar (virtualizing the representation of the hardware in high level: Cloud and Edge computing). The result of this work enables extension of vehicle management and functionalities while considering the environment for vehicles of the future.
Download

Paper Nr: 104
Title:

Quorum Sensing Re-evaluation Algorithm for N-Site Selection in Autonomous Swarms

Authors:

Shreeya Khurana and Donald Sofge

Abstract: Flexible decision-making is a vital aspect of swarm behavior. Nature offers a level of uncertainty that could force a swarm to reconsider a site previously abandoned. While efforts are being made to allow for flexible decision-making in autonomous swarms, there is little literature in the area of re-evaluation functions as most models utilize site abandonment functions. The research in this paper produces a re-evaluation algorithm for discrete n-site selection by autonomous swarms, taking inspiration from prior work with quorum sensing models and ant colony optimization algorithms. The algorithm’s success in re-evaluation trades off with decision time, but increases the accuracy of decisions made.
Download

Paper Nr: 126
Title:

Real-time Sign Detection and Recognition for Self-driving Mini Rovers based on Template Matching and Hierarchical Decision Structure

Authors:

Quang N. Le, Abir Bhattacharyya, Mamen T. Chembakasseril and Ronny Hartanto

Abstract: Sign detection and recognition play vital roles in the field of self-driving vehicles. The aim of this paper is to introduce a real-time methodology that can be implemented on affordable single-board computers to classify varied traffic signs from the camera feed. The approach is to detect and recognise the colour and shape of the signs at first, then use the acquired information to access a hierarchy structure of the database in order to extract features of pre-existing templates. Finally, the template matching algorithm is applied to compare those features with potential Region Of Interest (ROI) based on a threshold value. We installed our system on a mini rover and tested it on a control urban traffic scenario. The measurements showed processing time ranging from 230ms to 800ms and 480ms to 1900ms on Jetson Nano and Raspberry Pi 3 Model B+ respectively.
Download

Paper Nr: 129
Title:

An OAuth-based Authentication Mechanism for Open Messaging Interface Standard

Authors:

Hitesh C. Monga, Tuomas Kinnunen, Avleen Malhi, Asad Javed and Kary Främling

Abstract: The Internet of Things (IoT) security and privacy remain a major challenge, especially due to the highly scalable and distributed nature of IoT networks. IoT security has an exceptionally wide scope which also leads to the most demanding requirements needed for the widespread realization of many IoT visions. It includes the tasks such as trusted sensing, computation, communication, privacy in terms of security scope. A large number of industry-driven domain specific standards has been developed which hinder the development of a single IoT ecosystem. O-MI and O-DF standards were previously proposed to address the challenge of interoperability in IoT devices. This paper highlights and discusses the measures taken to enhance the security of these standards by integration of OAuth 2.0 service provider functionality with the O-MI authentication module along with the existing security module. The security architecture has been proposed which enhances the security features by providing authorization without use of certificates. The implementation details of the plug-in module for envisioned security model developed for the O-MI and O-DF standards have been discussed.
Download

Paper Nr: 130
Title:

Pursuit-evasion with Decentralized Robotic Swarm in Continuous State Space and Action Space via Deep Reinforcement Learning

Authors:

Gurpreet Singh, Daniel M. Lofaro and Donald Sofge

Abstract: In this paper we address the pursuit-evasion problem using deep reinforcement learning techniques. The goal of this project is to train each agent in a swarm of pursuers to learn a control strategy to capture the evaders in optimal time while displaying collaborative behavior. Additional challenges addressed in this paper include the use of continuous agent state and action spaces, and the requirement that agents in the swarm must take actions in a decentralized fashion. Our technique builds on the actor-critic model-free Multi-Agent Deep Deterministic Policy Gradient (MADDPG) algorithm that operates over continuous spaces. The evader strategy is not learned and is based on Voronoi regions, which the pursuers try to minimize and the evader tries to maximize. We assume global visibility of all agents at all times. We implement the algorithm and train the models using Python Pytorch machine learning library. Our results show that the pursuers can learn a control strategy to capture evaders.
Download

Paper Nr: 188
Title:

What Does Multi-agent Path-finding Tell Us About Intelligent Intersections

Authors:

Věra Škopková, Roman Barták and Jiří Švancara

Abstract: In this paper, we study the problem of an intelligent intersection. There are many studies that present an algorithm that tries to efficiently coordinate many agents in a given intersection, however, in this paper, we study the layout of the intersection and its implications to the quality of the plan. We start with two of today commonly used road intersections (4-way intersection and roundabout) and compare them with an intersection that is less restrictive on the movements of the agents. This means that the agents do not have to use predefined lanes or follow a prescribed driving direction. We also study the effect of granularity of the intersection. The navigation of the agents in a given intersection is solved as an instance of (online) multi-agent path-finding problem.
Download

Paper Nr: 203
Title:

Management of Intelligent Vehicles: Comparison and Analysis

Authors:

Guilhem Marcillaud, Valerie Camps, Stéphanie Combettes, Marie-Pierre Gleizes and Elsy Kaddoum

Abstract: The main purpose of Connected and Autonomous Vehicles (CAVs) is to ensure optimal safety while improving user comfort. Many studies address the problem of CAVs to improve specific driving situations (intersection management, traffic flow management, etc.). In this paper, we propose both a comparison of these systems according to a set of criteria and an analysis to assist the development of CAVs fleets. This analysis shows that, among other, the ad-hoc algorithms use similar data (position, speed, etc.) and that the decisions for vehicles are based on cooperative processing for specific situations. The objective of this paper is to provide a guide for the design of CAVs fleet capable of managing all traffic situations.
Download

Paper Nr: 211
Title:

Effects of Agents’ Embodiment and Robot Anxiety Scale on Social Priming

Authors:

Tomoko Koda and Kensuke Kikuzawa

Abstract: In this study, we focus on the priming effect that would affect the social relationships among the agent, robot, and human because the opportunities to converse with robots and agents are increasing. This research investigated the effect of embodiment of the priming agent on the perception of social presence of the primed agent. The preliminary results did not support our hypothesis that "the social presence of the primed agent becomes higher when the embodied robot primes than when the virtual agent primes." However, the results indicated that there is a dichotomy in the perceived social presence between the participants' groups when we divide them according to their anxiety level toward robots. This indicates that the priming effect on the social presence of the primed agent is different depending on the embodiment of the priming agent and people's anxiety toward robots.
Download

Paper Nr: 221
Title:

Q-Credit Card Fraud Detector for Imbalanced Classification using Reinforcement Learning

Authors:

Luis Zhinin-Vera, Oscar Chang, Rafael Valencia-Ramos, Ronny Velastegui, Gissela E. Pilliza and Francisco Q. Socasi

Abstract: Every year, billions of dollars are lost due to credit card fraud, causing huge losses for users and the financial industry. This kind of illicit activity is perhaps the most common and the one that causes most concerns in the finance world. In recent years great attention has been paid to the search for techniques to avoid this significant loss of money. In this paper, we address credit card fraud by using an imbalanced dataset that contains transactions made by credit card users. Our Q-Credit Card Fraud Detector system classifies transactions into two classes: genuine and fraudulent and is built with artificial intelligence techniques comprising Deep Learning, Auto-encoder, and Neural Agents, elements that acquire their predicting abilities through a Q-learning algorithm. Our computer simulation experiments show that the assembled model can produce quick responses and high performance in fraud classification.
Download

Paper Nr: 237
Title:

Perception and Acceptance of an Autonomous Refactoring Bot

Authors:

Marvin Wyrich, Regina Hebig, Stefan Wagner and Riccardo Scandariato

Abstract: The use of autonomous bots for automatic support in software development tasks is increasing. In the past, however, they were not always perceived positively and sometimes experienced a negative bias compared to their human counterparts. We conducted a qualitative study in which we deployed an autonomous refactoring bot for 41 days in a student software development project. In between and at the end, we conducted semi-structured interviews to find out how developers perceive the bot and whether they are more or less critical when reviewing the contributions of a bot compared to human contributions. Our findings show that the bot was perceived as a useful and unobtrusive contributor, and developers were no more critical of it than they were about their human colleagues, but only a few team members felt responsible for the bot.
Download

Paper Nr: 241
Title:

Towards a Generic Framework for a Health Behaviour Change Support Agent

Authors:

Fawad Taj, Michel C. Klein and Aart Van Halteren

Abstract: Agent-oriented solutions form a useful paradigm to design intelligent systems. For health-related behaviour change, this is also a promising approach. Designing an agent for lifestyle change interventions is a difficult task because socio-ecological models are involved that represent many conflicting desires and goals. Different types of cognitive architectures are available to design this type of health behavior agents but they are rarely used. In this paper, we used the BDI model to design a health behavior agent that will execute behavior change intervention for a better healthy lifestyle. We explain the working of the architecture by the example of an agent which uses adaptive goals-setting and a percentile scheduling technique for increasing physical activity.
Download

Paper Nr: 254
Title:

Reinforcement Learning Considering Worst Case and Equality within Episodes

Authors:

Toshihiro Matsui

Abstract: Reinforcement learning has been studied as an unsupervised learning framework. The goal of standard reinforcement learning methods is to minimize the total cost or reward for the optimal policy. In several practical situations, equalization of the cost or reward values within an episode may be required. This class of problems can be considered multi-objective, where each part of an episode has individual costs or rewards that should be separately considered. In a previous study this concept was applied to search algorithms for shortest path problems. We investigate how a similar criterion considering the worst-case and equality of the objectives can be applied to the Q-learning method. Our experimental results demonstrate the effect and influence of the optimization with the criterion.
Download