4.7 Article

An attentive neural architecture for joint segmentation and parsing and its application to real estate ads

期刊

EXPERT SYSTEMS WITH APPLICATIONS
卷 102, 期 -, 页码 100-112

出版社

PERGAMON-ELSEVIER SCIENCE LTD
DOI: 10.1016/j.eswa.2018.02.031

关键词

Neural networks; Joint model; Relation extraction; Entity recognition; Dependency parsing

资金

  1. Flanders Innovation & Entrepreneurship (VLAIO) [IWT 150630]

向作者/读者索取更多资源

In processing human produced text using natural language processing (NLP) techniques, two fundamental subtasks that arise are (i) segmentation of the plain text into meaningful subunits (e.g., entities), and (ii) dependency parsing, to establish relations between subunits. Such structural interpretation of text provides essential building blocks for upstream expert system tasks: e.g., from interpreting textual real estate ads, one may want to provide an accurate price estimate and/or provide selection filters for end users looking for a particular property - which all could rely on knowing the types and number of rooms, etc. In this paper, we develop a relatively simple and effective neural joint model that performs both segmentation and dependency parsing together, instead of one after the other as in most state-of-the-art works. We will focus in particular on the real estate ad setting, aiming to convert an ad to a structured description, which we name property tree, comprising the tasks of (1) identifying important entities of a property (e.g., rooms) from classifieds and (2) structuring them into a tree format. In this work, we propose a new joint model that is able to tackle the two tasks simultaneously and construct the property tree by (i) avoiding the error propagation that would arise from the subtasks one after the other in a pipelined fashion, and (ii) exploiting the interactions between the subtasks. For this purpose, we perform an extensive comparative study of the pipeline methods and the new proposed joint model, reporting an improvement of over three percentage points in the overall edge F-1 score of the property tree. Also, we propose attention methods, to encourage our model to focus on salient tokens during the construction of the property tree. Thus we experimentally demonstrate the usefulness of attentive neural architectures for the proposed joint model, showcasing a further improvement of two percentage points in edge F-1 score for our application. While the results demonstrated are for the particular real estate setting, the model is generic in nature, and thus could be equally applied to other expert system scenarios requiring the general tasks of both (i) detecting entities (segmentation) and (ii) establishing relations among them (dependency parsing). (C) 2018 Elsevier Ltd. All rights reserved.

作者

我是这篇论文的作者
点击您的名字以认领此论文并将其添加到您的个人资料中。

评论

主要评分

4.7
评分不足

次要评分

新颖性
-
重要性
-
科学严谨性
-
评价这篇论文

推荐

Article Computer Science, Artificial Intelligence

Overly optimistic prediction results on imbalanced data: a case study of flaws and benefits when applying over-sampling

Gilles Vandewiele, Isabelle Dehaene, Gyorgy Kovacs, Lucas Sterckx, Olivier Janssens, Femke Ongenae, Femke De Backere, Filip De Turck, Kristien Roelens, Johan Decruyenaere, Sofie Van Hoecke, Thomas Demeester

Summary: Although information extracted from electrohysterography recordings could provide valuable insights into estimating the risk of preterm birth, recent studies have reported overly optimistic results due to a methodological flaw. Specifically, applying over-sampling before partitioning the data could lead to biased results, impacting the predictive performance of related studies.

ARTIFICIAL INTELLIGENCE IN MEDICINE (2021)

Article Computer Science, Artificial Intelligence

Neural probabilistic logic programming in DeepProbLog

Robin Manhaeve, Sebastijan Dumancic, Angelika Kimmig, Thomas Demeester, Luc De Raedt

Summary: DeepProbLog is a neural probabilistic logic programming language that supports symbolic and subsymbolic representations and inference, program induction, probabilistic programming, and learning from examples. It integrates general-purpose neural networks and expressive probabilistic-logical modeling and reasoning, allowing end-to-end training based on examples.

ARTIFICIAL INTELLIGENCE (2021)

Article Computer Science, Artificial Intelligence

Solving arithmetic word problems by scoring equations with recursive neural networks

Klim Zaporojets, Giannis Bekoulis, Johannes Deleu, Thomas Demeester, Chris Develder

Summary: This study proposes a method for solving arithmetic word problems in natural language processing systems, using Tree-RNN to score candidate solution equations. Experimental results show that this method outperforms previous algorithms in terms of accuracy.

EXPERT SYSTEMS WITH APPLICATIONS (2021)

Article Computer Science, Information Systems

DWIE: An entity-centric dataset for multi-task document-level information extraction

Klim Zaporojets, Johannes Deleu, Chris Develder, Thomas Demeester

Summary: DWIE is a newly created multi-task dataset that combines four main Information Extraction (IE) annotation subtasks, focusing on entity-centric descriptions of interactions and properties of conceptual entities. Challenges in building and evaluating IE models for DWIE include the need for a new entity-driven metric to avoid dominance of frequently mentioned entities and the requirement for information transfer between entity mentions in different parts of the document and across different tasks. Incorporating neural graph propagation into a joint model showed significant improvement in F-1 percentage points, showcasing DWIE's potential to stimulate research in graph neural networks for multi-task IE.

INFORMATION PROCESSING & MANAGEMENT (2021)

Article Energy & Fuels

Satellite based fault diagnosis of photovoltaic systems using recurrent neural networks

Jonas Van Gompel, Domenico Spina, Chris Develder

Summary: Current techniques for PV fault diagnosis, while accurate, are costly and limit widespread adoption. This study proposes a machine learning-based approach that utilizes satellite weather data and low-frequency inverter measurements for precise fault diagnosis in PV systems.

APPLIED ENERGY (2022)

Article Computer Science, Artificial Intelligence

Exploration of block-wise dynamic sparseness

Amir Hadifar, Johannes Deleu, Chris Develder, Thomas Demeester

Summary: This paper introduces a new method for dynamic sparseness that combines sparsity with block-wise matrix-vector multiplications to improve efficiency. Unlike static sparseness, this method preserves the full network capabilities and outperforms static sparseness baselines in the task of language modeling.

PATTERN RECOGNITION LETTERS (2021)

Article Energy & Fuels

Physics informed neural networks for control oriented thermal modeling of buildings

Gargya Gokhale, Bert Claessens, Chris Develder

Summary: This paper proposes a data-driven modeling approach using physics informed neural networks for control-oriented thermal modeling of buildings. By utilizing measured data and prior information, this approach accurately predicts the temperature, power consumption, and hidden state of building thermal mass, achieving higher prediction accuracy and data efficiency compared to conventional neural networks.

APPLIED ENERGY (2022)

Article Computer Science, Artificial Intelligence

CookDial: a dataset for task-oriented dialogs grounded in procedural documents

Yiwei Jiang, Klim Zaporojets, Johannes Deleu, Thomas Demeester, Chris Develder

Summary: This work introduces a new dialog dataset, CookDial, for research on task-oriented dialog systems with procedural knowledge understanding. The dataset consists of 260 human-to-human task-oriented dialogs in which an agent guides the user to cook a dish based on a recipe document. CookDial dialogs exhibit procedural alignment and complex agent decision-making, and three challenging tasks are identified. Neural baseline models are developed for each task and evaluated on the CookDial dataset. The dataset is publicly released to stimulate further research on domain-specific document-grounded dialog systems.

APPLIED INTELLIGENCE (2023)

Article Automation & Control Systems

Physics-Informed LSTM Network for Flexibility Identification in Evaporative Cooling System

Manu Lahariya, Farzaneh Karami, Chris Develder, Guillaume Crevecoeur

Summary: This article discusses the importance of identifying and designing control for flexibility in the evaporative cooling process using machine learning methods. The integration of system dynamics into ML models such as PhyLSTMs and PhyNNs allows for better modeling of complex nonlinear behavior. The performance and optimization of these methods are analyzed in relation to training data size.

IEEE TRANSACTIONS ON INDUSTRIAL INFORMATICS (2023)

Article Computer Science, Artificial Intelligence

Learned Gradient Compression for Distributed Deep Learning

Lusine Abrahamyan, Yiming Chen, Giannis Bekoulis, Nikos Deligiannis

Summary: The study proposes a gradient compression method based on distributed learning, which improves compression efficiency by leveraging inter-node gradient correlations. Experimental results show significant compression effects across different datasets and deep learning models.

IEEE TRANSACTIONS ON NEURAL NETWORKS AND LEARNING SYSTEMS (2022)

Article Automation & Control Systems

Traffic event detection as a slot filling problem

Xiangyu Yang, Giannis Bekoulis, Nikos Deligiannis

Summary: This study addresses the problem of detecting traffic events using Twitter and proposes two subtasks: a text classification subtask to identify whether a tweet is traffic-related or not, and a slot filling subtask to extract fine-grained information about the traffic event. Experimental results show that the proposed deep learning methods achieve high performance scores (95%+ F1 score) on the constructed datasets for both subtasks, even in a transfer learning scenario. The Dutch Traffic Twitter datasets from Belgium and the Brussels capital region, as well as the code, are available on GitHub.

ENGINEERING APPLICATIONS OF ARTIFICIAL INTELLIGENCE (2023)

Proceedings Paper Computer Science, Artificial Intelligence

DLIME-Graphs: A DLIME Extension Based on Triple Embedding for Graphs

Yoan A. Lopez, Hector R. Gonzalez Diez, Orlando Grabiel Toledano-Lopez, Yusniel Hidalgo-Delgado, Erik Mannens, Thomas Demeester

Summary: This research proposes an extended version of DLIME called DLIME-Graphs for explaining machine learning models on graphs. By reducing triple embeddings using UMAP and clustering with HDB-SCAN, DLIME-Graphs is able to provide explanations for 100% of the triples in the test dataset, enhancing the transparency and interpretability of the models.

KNOWLEDGE GRAPHS AND SEMANTIC WEB, KGSWC 2022 (2022)

Article Computer Science, Information Systems

Context-Aware Deep Markov Random Fields for Fake News Detection

Tien Huu Do, Marc Berneman, Jasabanta Patro, Giannis Bekoulis, Nikos Deligiannis

Summary: The study proposes a generic model for identifying fake news that considers both the news content and the social context, using shallow and deep representations to examine different aspects of news content. Additionally, the utilization of graph convolutional neural networks and mean-field layers helps leverage the structural information of news articles and their social context for improved performance.

IEEE ACCESS (2021)

Review Computer Science, Artificial Intelligence

A comprehensive review of slope stability analysis based on artificial intelligence methods

Wei Gao, Shuangshuang Ge

Summary: This study provides a comprehensive review of slope stability research based on artificial intelligence methods, focusing on slope stability computation and evaluation. The review covers studies using quasi-physical intelligence methods, simulated evolutionary methods, swarm intelligence methods, hybrid intelligence methods, artificial neural network methods, vector machine methods, and other intelligence methods. The merits, demerits, and state-of-the-art research advancement of these studies are analyzed, and possible research directions for slope stability investigation based on artificial intelligence methods are suggested.

EXPERT SYSTEMS WITH APPLICATIONS (2024)

Article Computer Science, Artificial Intelligence

Machine learning approaches for lateral strength estimation in squat shear walls: A comparative study and practical implications

Khuong Le Nguyen, Hoa Thi Trinh, Saeed Banihashemi, Thong M. Pham

Summary: This study investigated the influence of input parameters on the shear strength of RC squat walls and found that ensemble learning models, particularly XGBoost, can effectively predict the shear strength. The axial load had a greater influence than reinforcement ratio, and longitudinal reinforcement had a more significant impact compared to horizontal and vertical reinforcement. The performance of XGBoost model outperforms traditional design models and reducing input features still yields reliable predictions.

EXPERT SYSTEMS WITH APPLICATIONS (2024)

Article Computer Science, Artificial Intelligence

DHESN: A deep hierarchical echo state network approach for algal bloom prediction

Bo Hu, Huiyan Zhang, Xiaoyi Wang, Li Wang, Jiping Xu, Qian Sun, Zhiyao Zhao, Lei Zhang

Summary: A deep hierarchical echo state network (DHESN) is proposed to address the limitations of shallow coupled structures. By using transfer entropy, candidate variables with strong causal relationships are selected and a hierarchical reservoir structure is established to improve prediction accuracy. Simulation results demonstrate that DHESN performs well in predicting algal bloom.

EXPERT SYSTEMS WITH APPLICATIONS (2024)

Article Computer Science, Artificial Intelligence

Learning high-dependence Bayesian network classifier with robust topology

Limin Wang, Lingling Li, Qilong Li, Kuo Li

Summary: This paper discusses the urgency of learning complex multivariate probability distributions due to the increase in data variability and quantity. It introduces a highly scalable classifier called TAN, which utilizes maximum weighted spanning tree (MWST) for graphical modeling. The paper theoretically proves the feasibility of extending one-dependence MWST to model high-dependence relationships and proposes a heuristic search strategy to improve the fitness of the extended topology to data. Experimental results demonstrate that this algorithm achieves a good bias-variance tradeoff and competitive classification performance compared to other high-dependence or ensemble learning algorithms.

EXPERT SYSTEMS WITH APPLICATIONS (2024)

Article Computer Science, Artificial Intelligence

Make a song curative: A spatio-temporal therapeutic music transfer model for anxiety reduction

Zhejing Hu, Gong Chen, Yan Liu, Xiao Ma, Nianhong Guan, Xiaoying Wang

Summary: Anxiety is a prevalent issue and music therapy has been found effective in reducing anxiety. To meet the diverse needs of individuals, a novel model called the spatio-temporal therapeutic music transfer model (StTMTM) is proposed.

EXPERT SYSTEMS WITH APPLICATIONS (2024)

Article Computer Science, Artificial Intelligence

A modified reverse-based analysis logic mining model with Weighted Random 2 Satisfiability logic in Discrete Hopfield Neural Network and multi-objective training of Modified Niched Genetic Algorithm

Nur Ezlin Zamri, Mohd. Asyraf Mansor, Mohd Shareduwan Mohd Kasihmuddin, Siti Syatirah Sidik, Alyaa Alway, Nurul Atiqah Romli, Yueling Guo, Siti Zulaikha Mohd Jamaludin

Summary: In this study, a hybrid logic mining model was proposed by combining the logic mining approach with the Modified Niche Genetic Algorithm. This model improves the generalizability and storage capacity of the retrieved induced logic. Various modifications were made to address other issues. Experimental results demonstrate that the proposed model outperforms baseline methods in terms of accuracy, precision, specificity, and correlation coefficient.

EXPERT SYSTEMS WITH APPLICATIONS (2024)

Article Computer Science, Artificial Intelligence

On taking advantage of opportunistic meta-knowledge to reduce configuration spaces for automated machine learning

David Jacob Kedziora, Tien-Dung Nguyen, Katarzyna Musial, Bogdan Gabrys

Summary: The paper addresses the problem of efficiently optimizing machine learning solutions by reducing the configuration space of ML pipelines and leveraging historical performance. The experiments conducted show that opportunistic/systematic meta-knowledge can improve ML outcomes, and configuration-space culling is optimal when balanced. The utility and impact of meta-knowledge depend on various factors and are crucial for generating informative meta-knowledge bases.

EXPERT SYSTEMS WITH APPLICATIONS (2024)

Article Computer Science, Artificial Intelligence

Optimal location for an EVPL and capacitors in grid for voltage profile and power loss: FHO-SNN approach

G. Sophia Jasmine, Rajasekaran Stanislaus, N. Manoj Kumar, Thangamuthu Logeswaran

Summary: In the context of a rapidly expanding electric vehicle market, this research investigates the ideal locations for EV charging stations and capacitors in power grids to enhance voltage stability and reduce power losses. A hybrid approach combining the Fire Hawk Optimizer and Spiking Neural Network is proposed, which shows promising results in improving system performance. The optimization approach has the potential to enhance the stability and efficiency of electric grids.

EXPERT SYSTEMS WITH APPLICATIONS (2024)

Article Computer Science, Artificial Intelligence

NLP-based approach for automated safety requirements information retrieval from project documents

Zhijiang Wu, Guofeng Ma

Summary: This study proposes a natural language processing-based framework for requirement retrieval and document association, which can help to mine and retrieve documents related to project managers' requirements. The framework analyzes the ontology relevance and emotional preference of requirements. The results show that the framework performs well in terms of iterations and threshold, and there is a significant matching between the retrieved documents and the requirements, which has significant managerial implications for construction safety management.

EXPERT SYSTEMS WITH APPLICATIONS (2024)

Article Computer Science, Artificial Intelligence

Dog nose-print recognition based on the shape and spatial features of scales

Yung-Kuan Chan, Chuen-Horng Lin, Yuan-Rong Ben, Ching-Lin Wang, Shu-Chun Yang, Meng-Hsiun Tsai, Shyr-Shen Yu

Summary: This study proposes a novel method for dog identification using nose-print recognition, which can be applied to controlling stray dogs, locating lost pets, and pet insurance verification. The method achieves high recognition accuracy through two-stage segmentation and feature extraction using a genetic algorithm.

EXPERT SYSTEMS WITH APPLICATIONS (2024)

Article Computer Science, Artificial Intelligence

Fostering supply chain resilience for omni-channel retailers: A two-phase approach for supplier selection and demand allocation under disruption risks

Shaohua Song, Elena Tappia, Guang Song, Xianliang Shi, T. C. E. Cheng

Summary: This study aims to optimize supplier selection and demand allocation decisions for omni-channel retailers in order to achieve supply chain resilience. It proposes a two-phase approach that takes into account various factors such as supplier evaluation and demand allocation.

EXPERT SYSTEMS WITH APPLICATIONS (2024)

Article Computer Science, Artificial Intelligence

Accelerating Benders decomposition approach for shared parking spaces allocation considering parking unpunctuality and no-shows

Jinyan Hu, Yanping Jiang

Summary: This paper examines the allocation problem of shared parking spaces considering parking unpunctuality and no-shows. It proposes an effective approach using sample average approximation (SAA) combined with an accelerating Benders decomposition (ABD) algorithm to solve the problem. The numerical experiments demonstrate the significance of supply-demand balance for the operation and user satisfaction of the shared parking system.

EXPERT SYSTEMS WITH APPLICATIONS (2024)

Review Computer Science, Artificial Intelligence

Financial fraud detection using graph neural networks: A systematic review

Soroor Motie, Bijan Raahemi

Summary: Financial fraud is a persistent problem in the finance industry, but Graph Neural Networks (GNNs) have emerged as a powerful tool for detecting fraudulent activities. This systematic review provides a comprehensive overview of the current state-of-the-art technologies in using GNNs for financial fraud detection, identifies gaps and limitations in existing research, and suggests potential directions for future research.

EXPERT SYSTEMS WITH APPLICATIONS (2024)

Review Computer Science, Artificial Intelligence

Occluded person re-identification with deep learning: A survey and perspectives

Enhao Ning, Changshuo Wang, Huang Zhang, Xin Ning, Prayag Tiwari

Summary: This review provides a detailed overview of occluded person re-identification methods and conducts a systematic analysis and comparison of existing deep learning-based approaches. It offers important theoretical and practical references for future research in the field.

EXPERT SYSTEMS WITH APPLICATIONS (2024)

Article Computer Science, Artificial Intelligence

A hierarchical attention detector for bearing surface defect detection

Jiajun Ma, Songyu Hu, Jianzhong Fu, Gui Chen

Summary: The article presents a novel visual hierarchical attention detector for multi-scale defect location and classification, utilizing texture, semantic, and instance features of defects through a hierarchical attention mechanism, achieving multi-scale defect detection in bearing images with complex backgrounds.

EXPERT SYSTEMS WITH APPLICATIONS (2024)