Single-cell RNA-sequencing (scRNA-seq) technology has revolutionized the field by enabling the profiling of transcriptomes in cell resolution. However, it is flawed by the sparsity caused by low mRNA capture efficienc...
详细信息
Thanks to the sufficient monitoring data provided by Industrial Internet of Things (IIoT), intelligent fault diagnosis technology has demonstrated remarkable performance in safeguarding equipment. However, the effecti...
详细信息
Thanks to the sufficient monitoring data provided by Industrial Internet of Things (IIoT), intelligent fault diagnosis technology has demonstrated remarkable performance in safeguarding equipment. However, the effectiveness of existing methods heavily relies on manually labeled data. Unfortunately, data collected from equipment often lacks labels, leading to a scarcity of fault data. Furthermore, an additional significant challenge is the feature domain shift resulting from speed variation. To address this, we propose a self-supervised paradigm based on an asymmetric graph autoencoder for fault diagnosis under domain shift, aiming to mine valuable health information from unlabeled data. Unlike Euclidean-based methods, the proposed method transforms time series samples into graphs and extracts domain invariant features through information interaction between nodes. To efficiently mine unlabeled data and enhance generalization, the self-supervised learning paradigm utilizes an asymmetric graph autoencoder architecture. This architecture includes an encoder that learns selfsupervised representations from unlabeled samples and a lightweight decoder that predicts the original input. Specifically, we mask a portion of input samples and predict the original input from learned self-supervised representations. In downstream task, the pre-trained encoder is fine-tuned using limited labeled data for specific fault diagnosis task. The proposed method is evaluated on three mechanical fault simulation experiments, and the results demonstrate the its superiority and potential.
Unsupervised graph representation learning is a challenging task that embeds graph data into a low dimensional space without label guidance. Recently, graph autoencoders have been proven to be an effective way to solv...
详细信息
Unsupervised graph representation learning is a challenging task that embeds graph data into a low dimensional space without label guidance. Recently, graph autoencoders have been proven to be an effective way to solve this problem in some attributed networks. However, most existing graph autoencoder-based embedding algorithms only reconstruct the feature maps of nodes or the affinity matrix but do not fully leverage the latent information encoded in the low-dimensional representation. In this study, we propose a dual-decoder graph autoencoder model for attributed graph embedding. The proposed framework embeds the graph topological structure and node attributes into a compact representation, and then the two decoders are trained to reconstruct the node attributes and graph structures simultaneously. The experimental results on clustering and link prediction tasks strongly support the conclusion that the proposed model outperforms the state-of-the-art approaches. (c) 2021 Elsevier B.V. All rights reserved.
Community detection can reveal real social relations and enable great economic benefits for enterprises and organizations;however, it can also cause privacy problems such as the disclosure of individual or group infor...
详细信息
Community detection can reveal real social relations and enable great economic benefits for enterprises and organizations;however, it can also cause privacy problems such as the disclosure of individual or group information amongst community members, which goes against the hidden wishes of individuals and groups. Therefore, community hiding has received increasingly more attention in recent years. However, the network generation mechanism has not been considered in previous studies on community hiding. Generation models can reflect the generation process of the network and show the strength of the connection between nodes. To this end, we propose a new graph autoencoder for the community hiding algorithm, namely, GCH, which not only hides the community structure but also embodies the generation mechanism of the network. It uses the rules of the generation process from underfitting to overfitting in the community network to select the connections that have the greatest impact on the community structure for rewiring. After analyzing the essence of community detection algorithms and graph neural networks, an improved graph autoencoder is used to reconstruct the probabilistic adjacency matrix;and under the constraint of an "invisible perturbation" of the network structure, the existing mainstream community detection algorithm is attacked, which greatly reduces the accuracy of community detection results. For the verification of model effectiveness, two widely used indicators NMI and AE are used to compare the performance of our attack on the community detection algorithm with other baselines under different dimension settings. Compared with several baseline algorithms, extensive experimental results are obtained. (C) 2022 Elsevier B.V. All rights reserved.
Numerous studies have shown that circular RNAs (circRNAs) can serve as ideal disease markers as they are involved in most cellular activities of organisms and are key regulators in various pathological processes. Ther...
详细信息
Numerous studies have shown that circular RNAs (circRNAs) can serve as ideal disease markers as they are involved in most cellular activities of organisms and are key regulators in various pathological processes. Therefore, the association analysis of circRNAs and diseases can explore the role of circRNAs in diseases and provide help for practical medical research. However, the traditional biotechnology are not convenient for identifying unconfirmed interactions between circRNAs and diseases, which need too many resources and long experimental period. In this work, a new deep learning model is advanced, which is based on graph autoencoder (GAE) constructed with graph attention network (GAT) and random walk with restart (RWR) for predicting circRNA-disease associations (GGAECDA). In detail, GAT is designed to learn the hidden representations of circRNAs and diseases through using low-order neighbor information from circRNA similarity network and disease similarity network respectively, while RWR is employed to learn the latent features of circRNAs and diseases via using high-order neighbor information from the same two networks respectively. After that, these two parts of features of circRNAs and diseases are combined to form new feature representations of circRNAs and diseases respectively. Finally, two GAEs are constructed for co-training to fully integrate information from circRNA space and disease space and calculate potential association prediction scores. Unlike previous models, GGAECDA deeply mines low-dimensional representations from node similarity network through using GAT and RWR. The average AUC value obtained from GGAECDA with a five-fold cross-validation result is 0.9359. Furthermore, case studies demonstrate the ability of GGAECDA to detect potential candidate circRNAs for human diseases. The above results show that the GGAECDA model can be used as a reliable tool to guide subsequent studies on the regulatory functions of circRNAs.
The multi-view graph is a fundamental data model, which is used to describe complex networks in the real world. Learning the representation of multi-view graphs is a vital step for understanding complex systems and ex...
详细信息
The multi-view graph is a fundamental data model, which is used to describe complex networks in the real world. Learning the representation of multi-view graphs is a vital step for understanding complex systems and extracting knowledge accurately. However, most existing methods focus on a certain view or simply add multiple views together, which prevents them from making the best of the rich relational information in multiple views and ignores the importance of different views. In this paper, a novel all-to-all graph autoencoder is proposed for multi-view graph representation learning, namely A2AE. The all-to-all model first embeds the attribute multi-view graph into compact representations by semantic fusing the view-specific compact representations from multi-encoders, and then multi -decoders are trained to reconstruct graph structure and attributes. Finally, a self-training clustering module is attached for clustering tasks.(c) 2022 Elsevier B.V. All rights reserved.
Remaining useful life (RUL) of lithium-ion battery is important to maintain safe and reliable battery operation. Health indicators (HIs) are key features for predicting RUL during battery aging, whereas current method...
详细信息
Remaining useful life (RUL) of lithium-ion battery is important to maintain safe and reliable battery operation. Health indicators (HIs) are key features for predicting RUL during battery aging, whereas current methods only consider their link to capacity. In order to learn the intrinsic connection between the aging features, a RUL prediction method based on multi decoder graph autoencoder (MGAE) and transformer network is proposed, which considers both the link between aging characteristics and the link between aging characteristics and capacity degradation. First, multiple types of aging features are extracted during battery charging and discharging, and HIs are connected into a graph structure by pearson correlation analysis. Thereby, feature information with high correlation is linked through the topology of the graph. Subsequently, the feature graph and feature matrix are input to the graph autoencoder to extract deep features. In graph decoder part, this paper improves to a multi decoder in order to update and select features by the updated graph structure. Finally, new feature matrix is fed into transformer, and RUL prediction is realized by parallel processing through multi-head self-attention. The validity of proposed method is demonstrated by NASA dataset and compared with other advanced methods. The results show that our approach achieves average RE of 0.09 and maintains RMSE of 0.01.
Increasing evidence has suggested that microRNAs (miRNAs) are important biomarkers of various diseases. Numerous graph neural network (GNN) models have been proposed for predicting miRNA-disease associations. However,...
详细信息
Increasing evidence has suggested that microRNAs (miRNAs) are important biomarkers of various diseases. Numerous graph neural network (GNN) models have been proposed for predicting miRNA-disease associations. However, the existing GNN-based methods have over-smoothing issue-the learned feature embeddings of miRNA nodes and disease nodes are indistinguishable when stacking multiple GNN layers. This issue makes the performance of the methods sensitive to the number of layers, and significantly hurts the performance when more layers are employed. In this study, we resolve this issue by a novel self-feature-based graph autoencoder model, shortened as SFGAE. The key novelty of SFGAE is to construct miRNA-self embeddings and disease-self embeddings, and let them be independent of graph interactions between two types of nodes. The novel self-feature embeddings enrich the information of typical aggregated feature embeddings, which aggregate the information from direct neighbors and hence heavily rely on graph interactions. SFGAE adopts a graph encoder with attention mechanism to concatenate aggregated feature embeddings and self-feature embeddings, and adopts a bilinear decoder to predict links. Our experiments show that SFGAE achieves state-of-the-art performance. In particular, SFGAE improves the average AUC upon recent GAEMDA [] on the benchmark datasets HMDD v2.0 and HMDD v3.2, and consistently performs better when less (e.g. 10%) training samples are used. Furthermore, SFGAE effectively overcomes the over-smoothing issue and performs stably well on deeper models (e.g. eight layers). Finally, we carry out case studies on three human diseases, colon neoplasms, esophageal neoplasms and kidney neoplasms, and perform a survival analysis using kidney neoplasm as an example. The results suggest that SFGAE is a reliable tool for predicting potential miRNA-disease associations.
Data have become a valuable digital resource. It has in turn precipitated the emergence of big data marketplaces. For social network date in the marketplaces, each node should be priced according to its influence. The...
详细信息
Data have become a valuable digital resource. It has in turn precipitated the emergence of big data marketplaces. For social network date in the marketplaces, each node should be priced according to its influence. The key challenge is that deep learning based pricing models require initial cascade graphs as inputs to predict influence, which cannot be obtained while pricing nodes. Furthermore, node pricing must enhance purchase intentions while being consistent with their influence. To address these challenges, a nodepricing framework is proposed, in which market price is determined based on the predicted influence. In this framework, corrections are performed by using a graph autoencoder (GAE). The corrections are used to augment the neighborhood subgraph and facilitate the extraction of valid sequence features, which are then used to predict influence. An approximate Shapley value for node influence is used to evaluate the price of the nodes. A multi -perspective pricing approach is further investigated, where consumer utility and the approximate Shapley value for influence are the objectives. An inflection point is chosen on the Pareto frontier to select a price that enhances consumer utility. Extensive experiments were conducted on two real -world social network datasets. The results indicate that our performance is higher than DeepCas by 10.38% in Twitter and 9.64% in Weibo . The price output by our framework is consistent with the nodes' social marketing value while maximizing consumer utility.
作者:
Sun, DengdiLiu, LiangLuo, BinDing, ZhuanlianAnhui Univ
Sch Artificial Intelligence Key Lab Intelligent Comp & Signal Proc ICSP Minist Educ Hefei 230601 Peoples R China Hefei Comprehens Natl Sci Ctr
Inst Artificial Intelligence Hefei 230026 Peoples R China Anhui Univ
Sch Comp Sci & Technol Anhui Prov Key Lab Multimodal Cognit Comp Hefei 230601 Peoples R China Anhui Univ
Sch Internet Hefei 230039 Peoples R China
graph clustering is an important unsupervised learning task in complex network analysis and its latest progress mainly relies on a graph autoencoder (GAE) model. However, these methods have three major drawbacks. (1) ...
详细信息
graph clustering is an important unsupervised learning task in complex network analysis and its latest progress mainly relies on a graph autoencoder (GAE) model. However, these methods have three major drawbacks. (1) Most autoencoder models choose graph convolutional networks (GCNs) as their encoders, but the filters and weight matrices in GCN encoders are entangled, which affects the resulting representation performance. (2) Real graphs are often sparse, requiring multiple-layer propagation to generate effective features, but (GCN) encoders are prone to oversmoothing when multiple layers are stacked. (3) Existing methods ignore the distribution of the node features in the feature space during the embedding stage, making their results unsuitable for clustering tasks. To alleviate these problems, in this paper, we propose a novel graph Laplacian autoencoder with subspace clustering regularization for graph clustering (GLASS). Specifically, we first use Laplacian smoothing filters instead of GCNs for feature propagation and multilayer perceptrons (MLPs) for nonlinear transformations, thereby solving the entanglement between convolutional filters and weight matrices. Considering that multilayer propagation is prone to oversmoothing, we further add residual connections between the Laplacian smoothing filters to enhance the multilayer feature propagation capability of GLASS. In addition, to achieve improved clustering performance, we introduce a regular term for subspace clustering to constrain the autoencoder to obtain the node features that are more representative and suitable for clustering. Experiments on node clustering and image clustering using four widely used network datasets and three image datasets show that our method outperforms other existing state-of-the-art methods. In addition, we verify the effectiveness of the proposed method in link prediction, complexity analysis, parameter analysis, data visualization, and ablation studies. The experimental results
暂无评论