4.7 Article

Structural representation learning for network alignment with self-supervised anchor links

Journal

EXPERT SYSTEMS WITH APPLICATIONS
Volume 165, Issue -, Pages -

Publisher

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

Keywords

Graph mining; Graph matching; Network alignment; Network representation learning; Network embedding

Funding

  1. Vingroup Innovation Foundation (VINIF) [VINIF.2019.DA01]

Ask authors/readers for more resources

The study introduces a novel network alignment framework NAWAL, emphasizing on unsupervised embedding of structural information. By capturing the structural relationships between nodes, alignment of networks is achieved without relying on pre-defined anchor links.
Network alignment, the problem of identifying similar nodes across networks, is an emerging research topic due to its ubiquitous applications in many data domains such as social-network reconciliation and protein-network analysis. While traditional alignment methods struggle to scale to large graphs, the state-of-the-art representation-based methods often rely on pre-defined anchor links, which are unavailable or expensive to compute in many applications. In this paper, we propose NAWAL, a novel, end-to-end unsupervised embedding-based network alignment framework emphasizing on structural information. The model first embeds network nodes into a low-dimension space where the structural neighborhoodship on original network is captured by the distance on the space. As the space for the input networks are learnt independently, we further leverage a generative adversarial deep neural network to reconcile the spaces without relying on hand-crafted features or domain-specific supervision. The empirical results on three real-world datasets show that NAWAL significantly outperforms state-of-the-art baselines, by over 13% of accuracy against unsupervised methods and on par or better than supervised methods. Our technique also demonstrate the robustness against adversarial conditions, such as structural noises and graph size imbalance.

Authors

I am an author on this paper
Click your name to claim this paper and add it to your profile.

Reviews

Primary Rating

4.7
Not enough ratings

Secondary Ratings

Novelty
-
Significance
-
Scientific rigor
-
Rate this paper

Recommended

Article Computer Science, Artificial Intelligence

Monitoring agriculture areas with satellite images and deep learning

Thanh Tam Nguyen, Thanh Dat Hoang, Minh Tam Pham, Tuyet Trinh Vu, Thanh Hung Nguyen, Quyet-Thang Huynh, Jun Jo

APPLIED SOFT COMPUTING (2020)

Article Computer Science, Artificial Intelligence

Nature vs. Nurture: Feature vs. Structure for Graph Neural Networks

Duong Chi Thang, Hoang Thanh Dat, Nguyen Thanh Tam, Jun Jo, Nguyen Quoc Viet Hung, Karl Aberer

Summary: In this paper, a hypothesis is proposed regarding the connection between features and structure in graph neural networks, suggesting that graphs can be constructed by connecting node features according to a latent function. This hypothesis has several important implications, including defining graph families, applying GNNs on featureless graphs, and predicting the existence of a latent function that can create graphs outperforming original ones for specific tasks. A graph generative model is proposed to learn such function, and experiments confirm the hypothesis and implications.

PATTERN RECOGNITION LETTERS (2022)

Article Computer Science, Hardware & Architecture

Detecting rumours with latency guarantees using massive streaming data

Thanh Tam Nguyen, Thanh Trung Huynh, Hongzhi Yin, Matthias Weidlich, Thanh Thi Nguyen, Thai Son Mai, Quoc Viet Hung Nguyen

Summary: This paper discusses the challenges of rumour detection and proposes a rumour detection method that aims to detect the majority of rumours as quickly as possible. The method combines graph-based matching techniques with effective load shedding. Experimental results demonstrate the robustness of the approach in terms of runtime performance and detection accuracy under diverse streaming conditions.

VLDB JOURNAL (2023)

Article Computer Science, Information Systems

Poisoning GNN-based Recommender Systems with Generative Surrogate-based Attacks

Toan Nguyen Thanh, Nguyen Duc Khang Quach, Thanh Tam Nguyen, Thanh Trung Huynh, Viet Hung Vu, Phi Le Nguyen, Jun Jo, Quoc Viet Hung Nguyen

Summary: With recent advancements in graph neural networks, GNN-based recommender systems (gRS) have achieved remarkable success. However, existing research reveals that gRSs are still vulnerable to poison attacks, which manipulate recommendation results by injecting fake data. This problem arises because existing poison attacks are not tailored for gRSs, which are widely adopted in the industry. To address this issue, we propose GSPAttack, a generative surrogate-based poison attack framework specifically designed for gRSs.

ACM TRANSACTIONS ON INFORMATION SYSTEMS (2023)

Article Computer Science, Artificial Intelligence

Real-time wildfire detection with semantic explanations

Thanh Cong Phan, Nguyen Duc Khang Quach, Thanh Tam Nguyen, Thanh Toan Nguyen, Jun Jo, Quoc Viet Hung Nguyen

Summary: Wildfire detection is crucial for preventing environmental disasters. Existing methods lack timeliness and explainability. We propose a real-time wildfire detection system using streaming capability and semantic annotation, which outperforms baselines in terms of efficiency, accuracy, explainability, and adaptivity.

EXPERT SYSTEMS WITH APPLICATIONS (2022)

Article Computer Science, Artificial Intelligence

Efficient and Effective Multi-Modal Queries Through Heterogeneous Network Embedding

Chi Thang Duong, Thanh Tam Nguyen, Hongzhi Yin, Matthias Weidlich, Thai Son Mai, Karl Aberer, Quoc Viet Hung Nguyen

Summary: The heterogeneity of today's Web sources requires information retrieval systems to handle multi-modal queries. Existing methods for handling multi-modal queries are either inefficient or ineffective. To address this issue, we propose an information retrieval system based on heterogeneous network embedding, which can accurately answer multi-modal queries with a single pass over the data.

IEEE TRANSACTIONS ON KNOWLEDGE AND DATA ENGINEERING (2022)

Article Computer Science, Artificial Intelligence

Entity Alignment for Knowledge Graphs With Multi-Order Convolutional Networks

Nguyen Thanh Tam, Huynh Thanh Trung, Hongzhi Yin, Tong Van Vinh, Darnbi Sakong, Bolong Zheng, Nguyen Quoc Viet Hung

Summary: This paper proposes an unsupervised entity alignment framework for cross-lingual KGs, which fuses different types of information to exploit the richness of KG data. The model captures relation-based and attribute-based correlations using a graph convolutional neural network, and utilizes late-fusion mechanism for enhancing alignment results.

IEEE TRANSACTIONS ON KNOWLEDGE AND DATA ENGINEERING (2022)

Article Computer Science, Artificial Intelligence

Model-agnostic and diverse explanations for streaming rumour graphs

Thanh Tam Nguyen, Thanh Cong Phan, Minh Hieu Nguyen, Matthias Weidlich, Hongzhi Yin, Jun Jo, Quoc Viet Hung Nguyen

Summary: The propagation of rumours on social media poses a significant threat to societies, and there have been recent efforts to develop techniques for rumour detection. This study proposes a query-by-example approach to provide explanations for detected rumours by offering examples of related rumours. The findings demonstrate that this approach outperforms baseline techniques in delivering meaningful explanations for various rumour propagation behaviours.

KNOWLEDGE-BASED SYSTEMS (2022)

Article Computer Science, Artificial Intelligence

Deep MinCut: Learning Node Embeddings by Detecting Communities

Chi Thang Duong, Thanh Tam Nguyen, Trung-Dung Hoang, Hongzhi Yin, Matthias Weidlich, Quoc Viet Hung Nguyen

Summary: We present Deep MinCut (DMC), an unsupervised approach for learning node embeddings in graph-structured data. DMC derives node representations based on their membership in communities, eliminating the need for a separate clustering step. By minimizing the mincut loss, which captures connections between communities, DMC learns both node embeddings and communities simultaneously. Our empirical evidence demonstrates that the communities learned by DMC are meaningful and that the node embeddings perform well in various node classification benchmarks.

PATTERN RECOGNITION (2022)

Article Computer Science, Artificial Intelligence

Validating functional redundancy with mixed generative adversarial networks

Thanh Tam Nguyen, Thanh Trung Huynh, Minh Tam Pham, Thanh Dat Hoang, Thanh Thi Nguyen, Quoc Viet Hung Nguyen

Summary: Data redundancy is a significant problem in data-intensive applications. This study introduces a new concept called functional redundancy, which overcomes the limitations of existing works on continuous data. An efficient algorithm based on generative adversarial networks is designed to validate any functional redundancy, regardless of the number of attributes and tuples. Experimental results demonstrate the superiority and applicability of the proposed method.

KNOWLEDGE-BASED SYSTEMS (2023)

Article Computer Science, Artificial Intelligence

Complex Representation Learning with Graph Convolutional Networks for Knowledge Graph Alignment

Darnbi Sakong, Thanh Trung Huynh, Thanh Tam Nguyen, Thanh Toan Nguyen, Jun Jo, Quoc Viet Hung Nguyen

Summary: This paper proposes a novel KG alignment framework, ComplexGCN, which learns the embeddings of both entities and relations in complex spaces while capturing both semantic and neighborhood information simultaneously. The proposed model ensures richer expressiveness and more accurate embeddings by successfully capturing various relation structures in complex spaces with high-level computation. The model further incorporates relation label and direction information with a low degree of freedom. Empirical results show the efficiency and effectiveness of the proposed method.

INTERNATIONAL JOURNAL OF INTELLIGENT SYSTEMS (2023)

Proceedings Paper Computer Science, Artificial Intelligence

Are Rumors Always False?: Understanding Rumors Across Domains, Queries, and Ratings

Xuan Truong Du Chau, Thanh Tam Nguyen, Jun Jo, Quoc Viet Hung Nguyen

Summary: This paper studies over 1000 rumors, including over 4 million tweets from about 3 million users. Through this research, we aim to gain a better understanding of the distribution, correlation, and propagation characteristics of rumors, as well as user behaviors and spatial-temporal characteristics.

ADVANCED DATA MINING AND APPLICATIONS, ADMA 2021, PT I (2022)

Proceedings Paper Computer Science, Information Systems

Entity Alignment for Knowledge Graphs with Multi-order Convolutional Networks (Extended Abstract)

Nguyen Thanh Tam, Huynh Thanh Trung, Hongzhi Yin, Tong Van Vinh, Darnbi Sakong, Bolong Zheng, Nguyen Quoc Viet Hung

Summary: This paper proposes an end-to-end, unsupervised entity alignment framework for cross-lingual knowledge graphs, which outperforms existing techniques in terms of accuracy, efficiency, and label saving based on evaluations using real datasets.

2021 IEEE 37TH INTERNATIONAL CONFERENCE ON DATA ENGINEERING (ICDE 2021) (2021)

Proceedings Paper Computer Science, Information Systems

FactCatch: Incremental Pay-as-You-Go Fact Checking with Minimal User Effort

Thanh Tam Nguyen, Matthias Weidlich, Hongzhi Yin, Bolong Zheng, Quang Huy Nguyen, Quoc Viet Hung Nguyen

PROCEEDINGS OF THE 43RD INTERNATIONAL ACM SIGIR CONFERENCE ON RESEARCH AND DEVELOPMENT IN INFORMATION RETRIEVAL (SIGIR '20) (2020)

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)