Next Article in Journal
Evaluation Model of Holographic Communication Experience in the 6G Era Based on Light Field Display
Previous Article in Journal
Conclusive Model-Fit Current–Voltage Characteristic Curves with Kink Effects
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Knowledge Graph Embedding Model Based on Cyclic Consistency—Cyclic_CKGE

1
School of Electronic and Electrical Engineering, Ningxia University, Yinchuan 750021, China
2
Key Laboratory of Desert Information Intelligent Perception, Ningxia University, Yinchuan 750021, China
*
Author to whom correspondence should be addressed.
Appl. Sci. 2023, 13(22), 12380; https://doi.org/10.3390/app132212380
Submission received: 7 October 2023 / Revised: 9 November 2023 / Accepted: 13 November 2023 / Published: 16 November 2023

Abstract

:
Most of the existing medical knowledge maps are incomplete and need to be completed/predicted to obtain a complete knowledge map. To solve this problem, we propose a knowledge graph embedding model (Cyclic_CKGE) based on cyclic consistency. The model first uses the “graph” constructed with the head entity and relationship to predict the tail entity, and then uses the “inverse graph” constructed with the tail entity and relationship to predict the head entity. Finally, the semantic space distance between the head entity and the original head entity should be very close, which solves the reversibility problem of the network. The Cyclic_CKGE model with a parameter of 0.46 M has the best results on FB15k-237, reaching 0.425 Hits@10. Compared with the best model R-GCN, its parameter exceeds 8 M and reaches 0.417 Hits@10. Overall, Cyclic_CKGE’s parametric efficiency is more than 17 times that of R-GCNs and more than 8 times that of DistMult. In order to better show the practical application of the model, we construct a visual medical information platform based on a medical knowledge map. The platform has three kinds of disease information retrieval methods: conditional query, path query and multi-symptom disease inference. This provides a theoretical method and a practical example for realizing knowledge graph visualization.

1. Introduction

Nowadays, human society has accumulated a great deal of knowledge [1,2]. Especially in recent years, with the promotion of a knowledge graph, a large number of online knowledge graphs compatible with artificial intelligence have appeared. A knowledge graph is essentially a semantic network [3], which expresses all types of entities, concepts and their semantic relationships. Compared with traditional knowledge representation forms, a knowledge graph has the advantages of high concept coverage, diverse semantic relations, friendly structure [2] and high quality, which makes a knowledge graph gradually become the most important knowledge representation form in the era of big data and artificial intelligence. In recent years, large knowledge bases have been developed to store structured information for common sense, such as Freebase [4]. KG is represented as a directed multigraph, a knowledge graph, where entities and relationships are represented as nodes and edges of different types [5], respectively. They usually consist of numerous facts in a triplet structure: i.e., (head entity, relation, tail entity) [5,6].
After the appearance of a knowledge graph, researchers have paid much attention to it. Google [7] first used relevant theories to revamp its search engine and build a knowledge graph [1] with 57 billion entities and more than 1.8 billion relationships. Therefore, it is no longer just a search engine based on string retrieval and matching, but gradually developed into an intelligent search platform that can truly understand the meaning of user input search strings, and can return the integrated facts as results more accurately. At the same time, Baidu also followed Google’s technology and launched the Chinese Knowledge Graph [8,9]. Subsequently, a knowledge graph began to rapidly extend from search engines to finance [10], agriculture [11], medical [12,13] and other industries, and became an indispensable technical means for integrating and analyzing data in the era of big data.
In recent years, due to the rapid development of information technology and the popularization of a medical information management system, massive medical knowledge and clinical diagnosis data have emerged. Reasonable use of these medical data to build a complete medical database is a prerequisite for promoting intelligent medical care. And a complete professional medical database for the promotion of medical knowledge retrieval, medical-assisted diagnoses and intelligent management of medical records also has a very great role in promoting. The use of a knowledge graph to mine and manage complex medical data, and simply represent them as nodes and relationships, has become a hot topic in academic research. In 2022, Gao Zhensen [14] adopted the nonlinear transformation method to solve the semantic resolution problem in representation learning. By selectively weighing the semantic elements of entity vectors, the representation and differentiation of different relational semantics can be realized. The proposed algorithm has good semantic distinction ability for complex relation types and related entities, and can effectively improve the relational inference accuracy on a knowledge graph. In order to solve the problem of asymmetry of relationships and make the model adapt to different types of network relationship reasoning tasks, in 2020, Baidu, Inc. [15], based on the existing entity relationship data in the knowledge graph, adopted recurrent neural networks to conduct semantic coding of symbol combinations, and then proposed a neural network model based on symbolic semantic mapping. The model is applied to the distributed representation of a learning graph, which makes the model perform well in a knowledge graph expansion task and graph-based multi-label classification task. To improve the overall recall rate of the system and avoid cascading errors, Mohamad Norhafizi [16] proposed a Simultaneous Neural Entity-Relation Linker (SNERL) model in 2021. Input text is encoded through an attention mechanism to obtain the context of each entity mentioned in the input. These contextualized representations are then used to predict the distribution of references to entities on the hierarchy and the distribution of references to relationships on the hierarchy. The probability of combining these predictions is then calculated for each mentioned pair and summarized at the document level to obtain the final probability of the predicted text tuple. The experimental results show that the SNER model has excellent results in the chemical disease relationship data set (CTD). Aiming at the problem of the large span of medical relationships, Sun Shufen [17] proposed a dynamic potential structure optimization strategy in 2020, which extracted document-level graphs in a node-to-node manner to infer relationships between sentences, so as to improve information aggregation in the entire document.
With the global outbreak of the new coronavirus, experts and scholars have also put medical mapping into the study of the new coronavirus. In 2022, Xiao Yu [18] used the Stanford University seven-step method and Protege and Ontofox tools to reorganize COVID-19-related knowledge by extracting existing ontologies, knowledge bases and diagnosis and treatment guidelines at home and abroad. A COVID-19 domain ontology covering disease, diagnosis, cause, virus, transmission, symptoms, treatment, medicine, prevention, etc., has been constructed. The results show that the ontology has good consistency and literature sampling shows that it has a high term coverage rate.
If we want to construct a medical knowledge map, we need to extract triples from a complex medical knowledge base first. In reality, there are often a large number of overlapping triplets in the medical knowledge base, such as the description in the medical database: “Osteoarthritis complicated by limb joint movement disorders, serious limb varus and flexion contracture deformity, and finally joint disability.” The triplets that can be extracted from this sentence are (osteoarthritis, complications, limb joint mobility disorder), (osteoarthritis, complications, limb varus), (osteoarthritis, complications, flexure contracture deformity) and (osteoarthritis, complications, joint disability). The four triples obviously have the same head entity and relationship, so all four triples are overlapping triples. These overlapping triples are a serious challenge for triple extraction tasks.
In response to this challenge, Meng Fanhua [19] proposed the CopyRE model. The model uses the Seq2Seq model and replication mechanism, but the disadvantage is that entities with multiple words cannot be extracted, and there may be an order for identifying misheaded and tail entities. Ishiyama Noriko [20] proposed the CasRel model to deal with the overlapping problem of multiple relations. Fang An [21] proposed a scheme to extract the relationship first and then the head and tail entities, respectively, and proved the effectiveness of the model through ablation experiments and a probabilistic analysis. Wang, Y [22] proposed the TPLinker model. Since the model first encodes the entity pairs and relations and forms a corresponding coding matrix, and then performs subsequent processing, this model can effectively deal with overlapping problems and is very suitable for triplet extraction of medical knowledge maps.
Since the knowledge graph in reality is mostly incomplete, how to correctly reason/predict missing links is another challenge. The TransE [23] model is an early classical model for missing link prediction. However, because it embeds the head, relation and tail entities into the same semantic space, it cannot predict the result well when dealing with overlapping problems. Since its model is very simple, there have been many subsequent variants of it, such as TransH [24]. ComplEx [25] was the first model to use complex space for encoding. RotatE [26] builds on this to reason specifically about symmetric/antisymmetric [27], inversion and composition relations. There are a lot of symmetric/antisymmetric [28], opposite and combination relationships in a medical knowledge base, so the RotatE [26] model is very suitable for medical knowledge graph [2] inference.
In order to solve the above problems, we built a disease information search platform based on a medical knowledge graph. This paper trained the TPLinker model and the RotatE [26] model, respectively, through the medical knowledge base, and adjusted the hyperparameters [29] through KGTuner [30]. The trained TPLinker model is used to collect the text data into triples, and the incomplete triples are supplemented with the RotatE [26] model to realize the prediction/inference function. In this way, a medical knowledge map is constructed, and the visualization of the medical knowledge map is realized through Neo4j. For the input of patients and their families, this paper again uses the TPLinker model to extract triples (or more accurately, entities) and normalize them into the standard input of the system. Then, based on the inference result of the RotatE [26] model, corresponding diseases and complications are searched as outputs.
The main contributions of this paper are as follows:
(1)
Compared with the existing research results, this paper is the first to construct a more real and comprehensive medical knowledge map by using the medical knowledge base.
(2)
The information platform developed in this paper extracts entities from the input of patient symptoms, and retrieves possible diseases and corresponding complications according to entities.
(3)
Aiming at the particularity of the medical knowledge base, this paper combines TPLinker and RotatE to realize a complete medical knowledge map and constructs it as a visual intelligent medical system.
The remaining sections of the paper are organized as follows: Section 2 reviews the work, Section 3 provides background knowledge on the knowledge graph embedding model, Section 4 introduces the proposed approach, Section 5 presents experimental results and finally, Section 6 summarizes the paper.

2. Related Work

In view of the problems existing in the above knowledge graph, such as incomplete triples, many experts and scholars have proposed many methods for completion or prediction. These methods are collectively known as knowledge graph embedding. The embedding methods can be roughly divided into four categories, namely, the method based on vector translation, the method based on a convolutional neural network, the method based on a graph neural network and the method of joint embedding a knowledge graph and logic rules.

2.1. Method Based on Vector Translation

TransE [23] is the first paper to use the translation model for knowledge graph embedding research. The model is simple, easy to train and has strong explanatory properties. The basic idea is to represent head entities, relations and tail entities as vectors, respectively. However, TransE [23] can only handle 1-1 relational patterns, and it is not effective for complex relationships such as 1-N, N-1 and N-N relational patterns. Based on the TransE [23] model, a number of subsequent research results were extended, including the use of projection vectors or matrices to transform the head and tail entities into relational vector Spaces. During this period, many models began with Trans, such as TransH [24], TransR [31] and TransD [32]. TransH treats relationships as hyperplanes and projects head and tail entities into the hyperplane of a particular relationship. Although the TransH [24] model allows each entity to have a different representation under different relations, it still constructs entities and relations in the same semantic space, which limits the representation ability of TransH to some extent. TransR projects entities and relationships into different Spaces and transforms them on the corresponding relational Spaces. Under the same relation, the head and tail entities share the same projection matrix. However, the types or attributes of the head and tail entities of the relationship may be very different. The projection from the entity space to the relation space is an interaction process between the entity and the relation, so it is unreasonable for TransR [31] to only associate the projection matrix with the relation. Compared with TransE [23] and TransH [24], due to the introduction of spatial projection, the TransR [31] model has significantly more parameters and higher computational complexity. TransD [32] further simplifies TransR [31] by decomposing the projection matrix into the product of two vectors.

2.2. Method Based on Convolutional Neural Network

While translation models use simple operations and limited parameters to learn embeddings, they produce lower-quality representations. Recent research has shown that models based on convolutional neural networks (CNNs) [33] can generate richer, more expressive feature embeddings and therefore also perform well in relation prediction. Dettmers et al. proposed ConvE [34], which was the first model to apply CNN to KG tasks. It is characterized by structuring head entities and relationships into “pictures” and using convolutional networks to calculate the features of the pictures. The tail entity is then viewed as a “label” for classification. This constitutes a data set for supervised learning. The whole process also did not use the translation model. It uses stacked 2D convolution to reshape entity and relational representations, thereby improving their expressiveness while maintaining parametric efficiency. ConvKB [35] is another convolution-based approach that applies width convolution to stacked entity, relationship and object embeddings.

2.3. Method Based on Convolutional Neural Network

A graph neural network (GNN) [36] is a method of structuring data into a directed graph, and the knowledge graph itself is a directed graph. Therefore, this network has an inherent advantage for knowledge graph embedding research. There are two popular variants of GNN, namely, the Graph Convolutional Network and the Graph Attention Network (GAT) [37]. Existing methods learn KG embeddings either by focusing only on entity features, or by considering entity features and relationships in a disjoint manner.

2.4. Logical Rule-Based Approach

The knowledge graph embedding model attempts to combine other types of available knowledge, such as relational paths, relational type constraints, entity types and entity descriptions, to learn better embedding. Logic rules, usually based on Markov logic networks [38], have been widely used in knowledge reasoning and knowledge acquisition. Recent studies have shown that including background knowledge, such as logic rules, can improve the performance of embeddings in downstream machine learning tasks. However, in their work, rules are modeled separately from embedding methods as a post-processing step, and thus do not help to achieve better embedding. Rocktaschel et al. proposed a new federated model called LR-KGE [39]. The model codifies the rules into the embed. However, their work focused on relationship extraction tasks and creating embeddings for entity pairs, so it was not possible to discover relationships between unpaired entities.

3. Background

Knowledge Graph Embedding Model Based on Cyclic Consistency

Cycle consistency (CC) was first proposed in the paper Cycle GAN (Cycle GAN) [40] published by Junyan Zhu et al., which is used to realize image-to-image transformation in two domains without paired data.
In this paper, we propose a knowledge graph embedding model based on cyclic consistency (Cyclic_CKGE), which uses embedded two-dimensional convolution to predict missing links in knowledge graphs. It consists of a single convolution layer, a projection layer for embedding dimensions and an inner stacking layer. First, the embeddings of entities and relationships are reshaped and spliced, and then the resulting matrix is used as the input of the convolutional layer. The generated feature mapping tensor is vectorized and projected into a K-dimensional space [41] and embedded with all candidate objects. This is shown in Figure 1.
In general, two-dimensional convolution is used instead of one-dimensional convolution, and the expressiveness of the model is improved by adding additional interaction points between the models.

4. Method

4.1. Cyclic Consistency Principle

First, in the forward channel, the input is passed through a complex nonlinear transformation f , such as a neural network, to obtain the data y ~ in the output domain. If the Euclidean space distance d 1 between y and y ~ is approximately 0, we have y = f ( x ) . Then, in the reverse channel, the output data y ~ is transformed by the inverse transformation f of the previous complex nonlinear transformation f to obtain the new input domain data. Then, if the Euclidean space distance d 2 of x and x ~ is approximately 0, we have x = ( y ~ ) = f ( f ( x ) ) . So, f can be viewed as a transformation from mathematics to data. In the same way, f can also be viewed as the transformation of data y to data x . This design directly solves the reversibility of the network, but also indirectly ensures that the network can learn a smooth deformation field, that is, helps the network to exclude those acyclic consistent transformations. In addition, this design does not increase the number of parameters in the model. The entire transformation process is shown in Figure 2.

4.2. The Loss Function Is Constructed Based on the Principle of Cyclic Consistency

Cyclic consistency loss comes from CycleGAN. The basic structure of a CycleGAN is composed of two Gans, forming a ring network. This is shown in Figure 3. G stands for generator. G X , Y indicates that data in domain X are transferred to domain Y, and G Y , X indicates that data in domain Y are transferred to domain X. DX and DY represent the discriminators of GXY and GYX, respectively. Circular consistency loss occurs to prevent the generator GXY or GYX from converting all the data into another domain, i.e., X and Y can be smoothly converted from the source domain to the destination domain and back again.
Its change process is shown in Formula (1). Then, the formula of cyclic consistency loss is shown in Formula (2). Among them, 1 is expressed as the L 1 norm. E x ( ) is represented as “....” in x sample. The expected value of P d a t a ( x ) is expressed as the probability distribution of x. Then, x P d a t a ( x ) is represented as a sample of random variables subject to P d a t a ( x ) . Similarly, P d a t a ( y ) is expressed as the probability distribution of y. Then, y P d a t a ( y ) is represented as a sample of random variables subject to P d a t a ( y ) .
y G Y , X ( y ) G X , Y [ G Y , X ( y ) ] y
loss s c y c l e ( G X , Y , G Y , X ) = E x P a c c e s s { G Y , X [ G X , Y ( x ) ] x 1 } + E y P d a y { G X , Y [ G Y , X ( y ) ] y 1 }
The loss of cyclic consistency maintains a high degree of consistency between the x and y inputs and the x′ and y′ outputs, thus making the generator learning more targeted, and the final loss function is shown in Formula (3). λ is the control coefficient (generally 10), which is used to control the proportion of the adversarial network and the cyclic consistency loss in the final loss.
l o s s a l G X , Y , G Y , X , D x , D y = l o s s C A N 1 ( C X , Y , D y , x , y ) + l o s s G A W 2 G Y , X , D x , y , x + λ l o v e s c y c l e ( G X , Y , G Y , X )

4.3. The Knowledge Graph Embedding Model Is Constructed

According to the cyclic consistency and ConvE model, a new convolutional neural network model is constructed in this paper. Specifically, for semantic matching tasks, the resulting entities should be consistent with one-to-one mapping constraints. The initial measure of similarity follows a rule from one to many. The correspondence with the highest score can be treated as an input value, and each feature can correspond to multiple features as shown in Figure 4a. Therefore, a circular consistency policy is introduced to encourage one-to-one matching. Similar to the process of closest mutual matching between images, the association relationship between the two feature representations is estimated to impose their one-to-one matching constraints, and the associations p→q and p←q are calculated, as shown in Figure 4b.
Each initial triplet in Figure 4 contains all pairs of one-way fractions from the original triplet to the target triplet. Feature representation p can match multiple features. The circular consistency constraint is used to encourage one-to-one matching in Figure 4b.
In this paper, a convolutional and fully coupled neural network connection prediction model is established. The main feature of the model is that the scores are determined by embedding two-dimensional convolution. Formally, the evaluation function is defined as shown in Formula (4).
r r R k is a relational parameter dependent on r , and e h ¯ and r r ¯ represent two-dimensional reconstructions of e h and r r , respectively: if e h , r r R k , e h ¯ , r r ¯ R k w × k h , where k = k w × k h .
Ψ r ( e h , e t ) = f ( v e c ( f ( [ e h ¯ , r r ¯ ] ω ) ) W ) e t
In the forward transfer process, the model performs a row vector search operation in two embedded matrices; one is the entity matrix, referred to as E ε × k , and the other is the relation matrix, denoted as R R × k , where k and k are the embedded dimensions of entities and relationships, and | ε and | R represent the number of entities and relationships. The model then connects e h ¯ and r r ¯ and feeds them as inputs into a two-dimensional convolution layer with filter ω . This layer returns a feature mapping tensor τ R c × m × n , where c is the number of 2D feature mappings of dimension m and n . The tensor τ is then reshaped into the vector v e c ( τ ) R c m n , which is then projected into the K-dimensional space using a linear transformation with the matrix W R c m n × k and matched to the embedded object e o . With the inner product, the parameters and matrix W of the convolution filter are independent of the parameters of entity s and o and the r relationship.
To train the model parameters, the activation function applies the logarithmic sigmoid function σ ( . ) , or p = σ ( Ψ r ( e s , e o ) ) , and minimizes the following binary cross entropy loss, as shown in Formula (5).
Where t is the label vector, and the dimension is R | x | for 1-1 scores and R 1 × N for 1-N scores. The elements of vector t have relation 1; otherwise, they are 0.
L p , t = 1 N i ( t i l o g ( p i ) + ( 1 t i ) l o g ( 1 p i ) )
The model uses rectified linear elements as nonlinear f for faster training, and batch normalization after each layer to stabilize, normalize and improve convergence. The built model is structured in several stages using dropout. In this paper, dropout embedding is used for aspects such as feature map operation after convolution, and the hidden unit layer after the fully connected layer. Adam is used as an optimizer and label smoothing is used to reduce overfitting due to label saturation.
Unlike other link prediction models, a pair of entities and a relationship are labeled as a triple (h,r,t) and labeled (score 1-1), and a pair of entities (h,r′) are labeled simultaneously for all entities or t ε (score 1-N). If you analyze the 1-1 score on a high-end GPU and use batch size and 128 embed size, the training channel and convolutional model evaluation on the FB15k take 2 min and 3 h. Using a 1-N score, where the corresponding numbers are 45 s and 35 s, there is a significant improvement of more than 300 times in terms of assessment time. In addition, this method can be extended to large knowledge graphs and improves the speed of convergence. For a single step forward or backward with a batch volume of 128, from N = 100,000 to N = 1,000,000 entities, the computation time only increases from 64 ms to 80 ms; in other words, the number of entities increases by 10 times, and the computation time only increases by 25%, proving the scalability of the method.

4.4. Constructing Medical Knowledge Map

The medical knowledge map constructed in this paper extracts a large amount of complex medical knowledge by triples. The medical knowledge is presented to the user in the form of a map, so that the user can clearly see the relationship between the disease and symptoms, and improve the visual experience. To construct a graph, the first problem to be considered is to define the entities and relationships in the graph. Based on the consideration of this problem, this paper defines six entity types (as shown in Table 1) and eight relationships (as shown in Table 2) according to the International Classification of Diseases (ICD-10 Beijing Clinical Edition v601) [42].
The whole system frame diagram is shown in Figure 5. In the multi-symptom disease inference, the whole process of the system is demonstrated by taking the patient’s input of “I have frequent eye pain recently, and I am afraid of light and accompanied by tears” as an example. First, the system needs to convert the unstructured text entered by the patient into a standard structured triplet (entity) through the TPLinker model and normalization operation. Standard structured entities are then fed directly into the smart healthcare system. At this time, the system can predict the corresponding disease and deduce the complication from the visual interface according to the knowledge graph constructed before.

4.5. Study on Analytic Processing of Patient Input Symptoms

When a patient enters their illness into the medical diagnosis system, the system needs to extract the keywords of the illness entered by the patient. In recent years, the research of “topic triples” extracted from unstructured texts has been very hot, but there are many challenges to carry out this work simultaneously. In 2020, Y Wang et al. proposed a single-stage joint extraction model [11] (TPLinker model), which can find the overlapping relationship of one or more entities. At the same time, it is not affected by exposure bias, and the joint extraction problem is reduced to the tag pair connection problem, which solves the entity nesting problem perfectly. Based on the TPLinker model, entity relationship extraction was carried out to extract structured information, so as to achieve the effect of analyzing and processing symptoms.
Given a sentence, the triples in it can be represented by a set of metadata: a given relationship and the boundaries of the corresponding head/tail entities. For example, in the sentence “The new type of [infectious disease] [Brucellosis] is serious”, the relation is given with “type”, the head entity is “infectious disease” and the tail entity is “Brucellosis”. In this way, the corresponding triplet can be obtained from the disease entered by the patient. To turn the above data into a callable sequence, we first design a link between three tokens:
  • Entity Head to Entity Tail (EH to ET)
  • Subject Head to Object Head (SH to OH)
  • Subject Tail to Object Tail (ST to OT)
Then, embed the above three links into a matrix: Figure 6 shows this.
The purple number represents the EH-to-EH link, the red number represents the SH-to-SH link and the blue number represents the ST-to-OT link. The horizontal and vertical axes of the matrix represent the subscript of the corresponding token in the original sentence, respectively. If there is a link between the corresponding token pairs, the corresponding element of the matrix is set to 1 (otherwise, it is 0) and the three colors of 1 on the way correspond to three types of links, respectively. For the sake of explanation, the three matrices are superimposed together. In actual processing, the corresponding matrices of the three links are independent.

4.6. An Introduction to Algorithms for Reasoning about Diseases and Complications

Some relationships are symmetric in the medical knowledge graph (e.g., complications); some relations are antisymmetric (e.g., belonging). In the medical knowledge map constructed with this system, the connection pattern in the knowledge map is modeled according to the known medical knowledge facts, so as to predict the disease of patients and deduce the complications caused by the disease.
The RotateE model has achieved good results in various relationship categories, so this paper proposes to use the RotateE model (as shown in Figure 7) as knowledge graph embedding to represent the node relationship of the medical knowledge graph.
Any complex number in RotateE’s model can be viewed as a rotation vector in the complex plane. Specifically, in the medical knowledge graph, the model uses complex numbers to predict diseases and deduce complications. It maps the disease symptoms (entity head) and disease complications (relationship relation) entered by the patient into a complex vector space, and defines each disease complication as a rotation from the beginning entity to the end entity. Assuming that we know the symptoms of the disease (as h in the formula) and the complications of the disease (as r in the formula), for a complex triplet (h, r, t), the relationship is shown in Equation (3), from which t (name of the disease) can be derived.
h · r t

5. Experiment

5.1. Implementation Details

This section describes the related software, operating environment and hyperparameters. Table 3 shows the system operating environment. The parameter configuration of the knowledge graph embedding model proposed by us is shown in Table 4.

5.2. Evaluation Metrics

We carried out horizontal comparison experiments on different models in multiple knowledge graph data sets (WN18, FB15k, YAGO3-10, Countries). The evaluation index formula (Mean Reciprocal Ranking (MRR), hit@k) was used for the analysis. Experiments show that the proposed model not only has scalability, but can also infer and model several relational patterns well such as symmetry and antisymmetry. Therefore, complex medical relational reasoning is very suitable for the model proposed in this paper.
This paper mainly selects the following commonly used knowledge graph data sets. The data set details are as follows.
WN18 is a subset of WordNet, consisting of 18 relationships and 40,943 entities. Most of the 151,442 triples consist of conjunctions and superword relations, and for this reason, WN18 tends to follow a strict hierarchy.
FB15k is a subset of Freebase that contains about 14,951 entities with 1345 different relationships.
Yago3-10 is a subset of YAGO3, consisting of at least 10 relationships per entity. It has 123,182 entities and 37 relationships. Most triples involve descriptive attributes of people, such as citizenship, gender and occupation.
Countries is a benchmark data set that is useful for evaluating a model’s ability to learn long-term dependencies between entities and relationships. It consists of three subtasks that increase in difficulty in a step-by-step fashion, where the minimum path length to find a solution increases from 2 to 4.
In order to evaluate the performance of various models on triplet extraction of a knowledge graph, this paper uses the link prediction method to give the cross-sectional comparison results of the TransE model, DistMult model, ConvE model and CCO model on various performance indicators. The specific step is to predict the missing head or tail entity of the triplet in the data set. Specifically, MRR (Mean Reciprocal Ranking) and hit@10 were used to measure the model performance level. Specific definitions are as follows:
Mean Reciprocal Ranking: Mean Reciprocal Ranking (MRR), which is defined as the arithmetic mean of the reciprocal of all triples of the test set, is shown in Formula (7). MRR is an international mechanism used to evaluate search algorithms where the first result corresponds to a score of 1, the second matches to a score of 0.5 and the NTH matches to a score of 1/n. If there is no match, the sentence score is 0. The final score is the sum of all the scores. In the formula, rank represents the link prediction rank of the triplet.
M R R = 1 | T test   | ( h , r , t ) T test   2 ( 1 r a n k r , t ( h ) + 1 r a n k h , r ( t ) )
hit@k: hit@k represents the ratio of triples where a single sort is in the first k during the test, as shown in Formula (8). Regarding hits@k, the larger the value, the better the link prediction of the model. k is usually 1, 3 and 10. Again, arrange the f function values as described above, and then see if the correct answer for each test triplet is in the top ten of the sequence, and if so, count +1. The final top ten/total number is Hit@10.
h i t @ k = 1 | T test   | ( h , r , t ) T test   1 2 ( | { ( h , r , t ) r a n k r , t ( h ) k } | + | { ( h , r , t ) r a n k h , r ( t ) k } | )
For the Cyclic_CKGE (our) model parameter efficiency, as shown in Table 5, Cyclic_CKGE (parameter of 0.23 M) in FB15k-237 outperformed DistMult (parameter of 1.89 M) on three of the five indicators. However, the Cyclic_CKGE model with a parameter of only 0.23 M obtains the best result on FB15k-237, reaching 0.425Hits @10. Compared with the best model, R-GCN, its parameter exceeds 8 M and reaches 0.417 Hits@10. Overall, Cyclic_CKGE’s parametric efficiency is more than 17 times that of R-GCNs and more than 8 times that of DistMult. For Freebase as a whole, these models will be over 82 GB for R-GCNs, over 21 GB for DistMult and only 5.2 GB for Cyclic_CKGE.
On the basis of grid search, the hyperparameters of the Cyclic_CKGE model are selected according to the mean exchange rank (MRR). Grid search has the following hyperparameter ranges: embed cull {0.0, 0.1, 0.2}, feature map cull {0.0, 0.1, 0.2, 0.3}, projection layer cull {0.0, 0.1, 0.3, 0.5}, embed size {100, 200}, batch size {64, 128, 256}, learning rate {001, 003} and label smoothness {0.0, 0.1, 0.2, 0.3}.
On WN18, YAGO3-10 and FB15k, the combined effect of the following parameters is better: embedding cull of 0.2, feature map cull of 0.2, projection layer cull of 0.3, embedding size of 200, batch size of 128, learning rate of 0.001 and label smoothness of 0.1. For the Countries data set, we increased embedded cull to 0.3, implicit cull to 0.5 and set label smoothness to 0. Validation sets are evaluated every three cycles using early stops, based on common levels on validation sets (WN18, FB15k, YAGO3-10) and average statistics for OC-PR (Countries). For Countries, unlike other data sets, the variance of the results is high, so the average execution is 10 times to produce a 95% confidence interval. For distances and complex results after training 1-1, AdaGrad is optimized using the embedding size of 100 (Duchi, Hazan, and Singer, 2011) [43] by standardizing the model by forcing the L2 criterion for entity embedding to be 1.
By comparing the parameter scale with the experimental results, it is verified that the Cyclic_CKGE model can obtain better experimental results with fewer parameters, as shown in Table 6.
The specific link prediction results of the four types of models on the data sets WN18RR and FB15k-237 are shown in Table 7. The Cyclic_CKGE model has achieved state-of-the-art performance on all metrics, as well as on some metrics on the FB15k and WN18. On Countries, it solved the challenges of S1 and S2 and performed well on S3, scoring higher than other models such as DistMult, as shown in Table 7.

5.3. Intelligent Medical System Function Test

The intelligent medical diagnosis system constructed in this paper has three query methods, which are conditional query results, path query results and multi-symptom disease inference results. In the intelligent medical diagnosis system, relevant disease information can be searched through conditional search. Enter the name of the disease, location of the disease, infectivity, population of the disease and other relevant information in the search box, as shown in Figure 8, and the related diseases can be searched. For example, by searching the information of the disease name “Streptococcus pneumoniae septicemia”, the relevant disease information can be obtained as shown in Figure 9.
In the path search of the intelligent medical diagnosis system, the relationship between the two nodes can be inferred by selecting the start node and the end node, as shown in Figure 10. For example, in the start node, select diabetes, and in the end node, select diabetes, then the relationship between the two nodes with complications can be retrieved to form a closed loop, as shown in Figure 11.
In the multi-symptom disease inference, the patient’s input of “eye pain, fear of light, accompanied by tears” is taken as an example, as shown in Figure 12. At this time, the system can predict the corresponding diseases and deduce complications from the visual interface according to the knowledge graph constructed previously, as shown in Figure 13.

6. Conclusions

6.1. Intelligent Medical System Function Test

Due to the rapid development of the Internet and era, the development of a knowledge graph is very rapid, and it has a very good application in many fields, such as sky eye search, and intelligent question and answer of enterprise information. In this paper, intelligent medical treatment is realized by constructing a medical knowledge map, and satisfactory results are obtained. However, due to the limited technology and knowledge mastered at present, and there is no relevant professional doctor to give professional guidance to the constructed medical knowledge map, there are still some functions in the system that need to be improved and upgraded. It is hoped that the system developed in this paper can be put into use in the future to improve the current medical environment. The following is a summary of the technical problems and solutions in the construction of a medical knowledge map and intelligent medical system in this paper:
(1)
Entity nesting problem
The entity nesting problem is a situation in which a shorter entity is completely contained within another longer entity in a sentence. This kind of problem is very common in natural language processing. In addition to the TPLinker model used in this paper to perfectly solve such problems, in 2021, Ma et al. proposed an effective cascade double decoder method to extract overlapping relational triples [44], which includes a text-specific relational decoder and a relational corresponding entity decoder. A text-specific relational decoder detects relationships in sentences according to their text semantics and uses them as additional features to guide entity extraction. For each extracted relationship with trainable properties, a span labeling scheme is used to detect the corresponding head and tail entities in the relationship. The problem of word overlap is solved.
(2)
Accurately define entity relationship
Due to the large and complex medical data and the limited labeling data, it is necessary for domain experts to manually define entity relationships in the medical knowledge graph, but this is a very expensive project. In this paper, based on the RotateE model, the entities in the medical atlas are predicted when some relationships in the medical atlas are known, so as to build a relatively complete medical knowledge atlas. However, due to the lack of guidance from medical experts, there are still some uncertain relationships in the atlas. How to accurately define the entity relationship in the graph is also the focus of subsequent research.
(3)
The problem of making medical data sets
At present, the construction of a medical knowledge map in China is still in its infancy, and there is no professional medical data set in China. It is very difficult to construct a complete and accurate medical knowledge map. In the future, it is hoped that different medical institutions in China can conduct academic research and discussion in this respect, and provide accurate and high-quality medical data for the construction of a medical knowledge graph under the premise of ensuring patient privacy.
(4)
Privacy issues
Privacy is an important issue for hospitals to consider when releasing information about personal medical records. The purpose of constructing the medical knowledge graph is to solve the medical problems of the public without infringing on the privacy of personal data. At present, medical data are basically distributed separately in different medical institutions, and there is no mining work on the value of medical data among institutions, which has played a certain hindering role in the development and construction of a medical knowledge map. Therefore, it is very important to build a confidential medical database.

6.2. The Future Development Direction of Medical Knowledge Graph

The medical knowledge map constructed in this paper realizes the function of extracting medical knowledge from massive data. It is of great significance to the modern medical industry to manage, share and apply it reasonably and effectively, and it is also a hot issue in many enterprises and scientific research institutions. With the continuous improvement in related technologies in the field of a knowledge graph, it has become an inevitable trend to develop the combination of knowledge graph construction technology and medicine. The development direction of a medical knowledge map in the future should reflect the following aspects.
(1)
Construct multilingual medical knowledge map
Medical research between countries is an important condition for the progress of the world medical cause, and it is also an inherent requirement to promote the globalization and diversity of medical knowledge. Therefore, the multilingual medical knowledge map is very important to realize the interaction and sharing of medical knowledge among countries. In this era of deepening knowledge globalization, strengthening the exchange of medical knowledge and culture between China and foreign countries has become an indispensable link in China’s modernization. China and foreign countries can benefit each other. Therefore, the construction of a multilingual medical knowledge map may become an important trend in the future development of the medical field.
(2)
Construct a dynamic medical knowledge map
Regarding patients, from disease to curing this process, the clinical symptoms are not static. With the continuous advancement of the treatment process, the patient’s condition should be improved, or the treatment does not work, so the diagnosis and treatment is a dynamic process. However, the knowledge graph constructed in this paper is static. Building a dynamic knowledge graph is the way forward. By constructing a dynamic knowledge graph, medical guidance and drug recommendation for patients can be more accurate. This further improves the accuracy of the entire medical system and effectively improves the user experience.
(3)
Construct a multi-modal fusion medical knowledge base
At present, there is a problem of confidentiality of medical data, and the academic exchanges of various medical units are not transparent and not open. Due to the influence of many factors, the existing medical knowledge is limited in scale, which is mainly represented by text and graphic data. But the form of information is not single, for example, in the sound, image, photo and other aspects, there is also a considerable amount of medical information. So, the establishment of multi-modal fusion of a medical knowledge base can make full use of various forms of medical knowledge. This has a profound and broad impact on promoting the construction of a medical career.

Author Contributions

Conceptualization, J.L. and Z.G.; methodology, J.L.; software, J.L.; validation, J.L., Z.G. and J.M.; formal analysis, J.M.; investigation, J.H.; resources, Z.G.; data curation, J.L.; writing—original draft preparation, Z.G.; writing—review and editing, Z.G.; visualization, J.M.; supervision, X.M.; project administration, X.M.; funding acquisition, J.M. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the National Natural Science Foundation of China, grant number: 62365016. This research was funded by the Central Government supported Local Special Fund Project of China, grant number: 2023FRD05034.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Data are contained within the article.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Paulheim, H.; Cimiano, P. Knowledge graph refinement: A survey of approaches and evaluation methods. Semant. Web 2017, 8, 489–508. [Google Scholar] [CrossRef]
  2. Ehrlinger, L.; Wöß, W. Towards a Definition of Knowledge Graphs. In Proceedings of the Posters and Demos Track of International Conference on Semantic Systems—Semantics 2016 and International Workshop on Semantic Change & Evolving Semantics, Leipzig, Germany, 13–14 September 2016. [Google Scholar]
  3. Ji, S.; Pan, S.; Cambria, E.; Marttinen, P.; Philip, S.Y. A survey on knowledge graphs: Representation, acquisition, and applications. IEEE Trans. Neural Netw. Learn. Syst. 2021, 33, 494–514. [Google Scholar] [CrossRef]
  4. Zhu, B.; Bao, T.; Liu, L.; Han, J.; Wang, J.; Peng, T. Cross-lingual knowledge graph entity alignment based on relation awareness and attribute involvement. Appl. Intell. 2023, 53, 6159–6177. [Google Scholar] [CrossRef]
  5. Jiang, X.; Qiao, L.; De Leone, R.; Shen, D. Joint selection of brain network nodes and edges for MCI identification. Comput. Methods Programs Biomed. 2022, 225, 107082. [Google Scholar] [CrossRef]
  6. Daniel, G.V.; Chandrasekaran, K.; Meenakshi, V.; Paneer, P. Robust Graph Neural-Network-Based Encoder for Node and Edge Deep Anomaly Detection on Attributed Networks. Electronics 2023, 12, 1501. [Google Scholar] [CrossRef]
  7. Ullmann, T.; Möller, E.; Baumhauer, R.; Lange-Athinodorou, E.; Meister, J. A new Google Earth Engine tool for spaceborne detection of buried palaeogeographical features—Examples from the Nile Delta (Egypt). E&G Quat. Sci. J. 2022, 71, 243–247. [Google Scholar] [CrossRef]
  8. Xiao, Y.; Zhang, L.; Huang, J.; Zhang, L.; Wan, J. An Information Retrieval-Based Joint System for Complex Chinese Knowledge Graph Question Answering. Electronics 2022, 11, 3214. [Google Scholar] [CrossRef]
  9. Wang, X.; Lin, T.; Luo, W.; Cheng, G.; Qu, Y. CKGSE: A Prototype Search Engine for Chinese Knowledge Graphs. Data Intell. 2022, 4, 41–65. [Google Scholar] [CrossRef]
  10. Wang, Z.; Zhang, X.; Hu, Y. A Semantic Path Based Approach to Match Subgraphs from Large Financial Knowledge Graph. In Proceedings of the 2019 International Conference on Mathematics, Big Data Analysis and Simulation and Modeling (MBDASM 2019), Changsha, China, 30–31 August 2019; Atlantis Press: Amsterdam, The Netherlands, 2019; pp. 93–99. [Google Scholar]
  11. Qin, H.; Yao, Y. Agriculture Knowledge Graph Construction and Application. J. Phys. Conf. Ser. 2021, 1756, 012010. [Google Scholar] [CrossRef]
  12. Murali, L.; Gopakumar, G.; Viswanathan, D.M.; Nedungadi, P. Towards electronic health record-based medical knowledge graph construction, completion, and applications: A literature study. J. Biomed. Inform. 2023, 143, 104403. [Google Scholar] [CrossRef]
  13. Shen, J.; Pan, T.; Xu, M.; Gan, D.; An, B. A novel DL-based algorithm integrating medical knowledge graph and doctor modeling for Q&A pair matching in OHP. Inf. Process. Manag. 2023, 60, 103322. [Google Scholar] [CrossRef]
  14. Gao, Z.; Wu, S.; Deng, Z.; Huang, C.; Gao, X.; Fu, S.; Li, Z.; Wang, Y.; Qin, Y. Private correlated random bit generation based on synchronized wideband physical entropy sources with hybrid electro-optic nonlinear transformation. Opt. Lett. 2022, 47, 3788–3791. [Google Scholar] [CrossRef] [PubMed]
  15. Beijing Baidu Netcom Science and Technology Co. Ltd. Method, Apparatus And Device For Generating Entity Relationship Data, and Storage Medium. USPTO 20200057788, 20 February 2020. [Google Scholar]
  16. Mohamad, N.; Ahmad, A.; Khanan, M.F.A.; Din, A.H.M. Surface Elevation Changes Estimation Underneath Mangrove Canopy Using SNERL Filtering Algorithm and DoD Technique on UAV-Derived DSM Data. ISPRS Int. J. Geo-Inf. 2021, 11, 32. [Google Scholar] [CrossRef]
  17. Sun, S.; Huang, C. Energy structure evaluation and optimization in BRICS: A dynamic analysis based on a slack based measurement DEA with undesirable outputs. Energy 2020, 216, 119251. [Google Scholar] [CrossRef]
  18. Rafiee, M.J.; Fard, F.B.; Samimi, K.; Rasti, H.; Pressacco, J. Spontaneous pneumothorax and pneumomediastinum as a rare complication of COVID-19 pneumonia: Report of 6 cases. Radiol. Case Rep. 2021, 16, 687–692. [Google Scholar] [CrossRef]
  19. Meng, F.; Pei, H. Cyclic shear stress-strain prediction of saturated sand based on the unrolled seq2seq model and scheduled sampling. Soil Dyn. Earthq. Eng. 2022, 165, 107665. [Google Scholar] [CrossRef]
  20. Ishiyama, N. Geographic Stories of Survival: Reconstructing Multiple Relations and Creating Spaces for Environmental Justice. Tijdschr. voor Econ. en Soc. Geogr. 2021, 112, 526–531. [Google Scholar] [CrossRef]
  21. Fang, A.; Lou, P.; Hu, J.; Zhao, W.; Feng, M.; Ren, H.; Chen, X. Head and Tail Entity Fusion Model in Medical Knowledge Graph Construction: Case Study in Pituitary Adenoma. JMIR Med. Inform. 2021, 9, e28218. [Google Scholar] [CrossRef] [PubMed]
  22. Wang, Y.; Yu, B.; Zhang, Y.; Liu, T.; Zhu, H.; Sun, L. Tplinker: Single-stage joint extraction of entities and relations through token pair linking. arXiv 2020, arXiv:2010.13415. [Google Scholar]
  23. Hesabi, N. Assessment of an Education Intervention Programmer According the Transetheoretical Model on Physical Activity among Balooch Housalekeeper Women in Zahedan 2013–2014; Kerman University of Medical Sciences: Kerman, Iran, 2015. [Google Scholar]
  24. Jin, R.; Zhou, L. An Improved Knowledge Representation Model Based on TransH. In Proceedings of the ICAIIS 2021: 2021 2nd International Conference on Artificial Intelligence and Information Systems, Chongqing, China, 28–30 May 2021. [Google Scholar]
  25. Batty, W.; Panks, A.J.; Christoffersen, C.E.; David, S.; Johnson, R.G.; Snowden, C.M.; Steer, M.B. Fully analytical compact thermal model of complex electronic power devices and packages in coupled electrothermal cad. In Proceedings of the 7th Internat. Workshop on Thermal Investigations of ICs and Systems, Paris, France, 24–27 September 2001. [Google Scholar]
  26. Huang, X.; Tang, J.; Tan, Z.; Zeng, W.; Wang, J.; Zhao, X. Knowledge graph embedding by relational and entity rotation. Knowl.-Based Syst. 2021, 229, 107310. [Google Scholar] [CrossRef]
  27. Bo, W.B.; Liu, W.; Wang, Y.Y. Symmetric and antisymmetric solitons in the fractional nonlinear schro center dot dinger equation with saturable nonlinearity and pt-symmetric potential: Stability and dynamics. Optik 2022, 255, 168697. [Google Scholar] [CrossRef]
  28. Mücher, D.; Elhami, E.; McEllistrem, M.T.; Fransen, C.; Gorska, M.; Heinze, S.; Jolie, J.; Krücken, R.; Linnemann, A.; Mukhopadhyay, S.; et al. Monopole-Effects on Symmetric and Antisymmetric Couplings of Protons and Neutrons; NCSR Demokritos: Agia Paraskevi, Greece, 2022. [Google Scholar]
  29. Higdon, D.M.; Bowsher, J.E.; Johnson, V.E.; Turkington, T.G.; Gilland, D.R.; Jaszczak, R.J. Fully bayesian estimation of gibbs hyperparameters for emission computed tomography data. IEEE Trans. Med. Imaging 1997, 16, 516–526. [Google Scholar] [CrossRef]
  30. Zhang, Y.; Zhou, Z.; Yao, Q.; Li, Y. Kgtuner: Efficient hyper-parameter search for knowledge graph learning. arXiv 2022, arXiv:2205.02460. [Google Scholar]
  31. Zhang, Z.; Jia, J.; Wan, Y.; Zhou, Y.; Kong, Y.; Qian, Y.; Long, J. Transr*: Representation learning model by flexible translation and relation matrix projection. J. Intell. Fuzzy Syst. Appl. Eng. Technol. 2021, 40, 10251–10259. [Google Scholar] [CrossRef]
  32. Díaz-Azpiroz, M.; Barcos, L.; Balanyá, J.C.; Fernández, C.; Expósito, I.; Czeck, D.M. Applying a general triclinic transpression model to highly partitioned brittle-ductile shear zones: A case study from the torcal de antequera massif, external betics, southern spain. J. Struct. Geol. 2014, 68, 316–336. [Google Scholar] [CrossRef]
  33. Alshudukhi, J. Deep learning algorithms for convolutional neural networks (cnns) using an appropriate cell-segmentation method. J. Comput. Sci. Eng. Inf. Technol. Res. 2022, 12, 45–58. [Google Scholar]
  34. Ren, H.; Meng, W.; Sun, X.; Zhao, Z.; Zhao, X. Discrete element analysis on dynamic characteristics of directional material flow driven by horizontal trough–free screw conveyor. Powder Technol. 2023, 418, 118276. [Google Scholar] [CrossRef]
  35. Nguyen, D.Q.; Nguyen, D.Q.; Nguyen, T.D.; Phung, D. A convolutional neural network-based model for knowledge base completion and its application to search personalization. Semant. Web 2018, 10, 947–960. [Google Scholar] [CrossRef]
  36. Baskararaja, G.J.R.; Manickavasagam, M.R.S. Subgraph matching using graph neural network. J. Intell. Learn. Syst. Appl. 2012, 4, 274–278. [Google Scholar] [CrossRef]
  37. Zhao, C.; Song, A.; Du, Y.; Yang, B. Trajgat: A map-embedded graph attention network for real-time vehicle trajectory imputation of roadside perception. Transp. Res. Part C Emerg. Technol. 2022, 142, 103787. [Google Scholar] [CrossRef]
  38. Liu, Z.; Wichert, G.V. A generalizable knowledge framework for semantic indoor mapping based on markov logic networks and data driven mcmc. Future Gener. Comput. Syst. 2014, 36, 42–56. [Google Scholar] [CrossRef]
  39. Rocktschel, T.; Huber, T.; Weidlich, M.; Leser, U. WBI-NER: The impact of domain-specific features on the performance of identifying and classifying mentions of drugs. In Second Joint Conference on Lexical and Computational Semantics (* SEM), Volume 2: Proceedings of the Seventh International Workshop on Semantic Evaluation (SemEval 2013); DDI Challenge at Semeval; Association for Computational Linguistic: Berkeley, CA, USA, 2013. [Google Scholar]
  40. Zhu, J.Y.; Park, T.; Isola, P.; Efros, A.A. Unpaired Image-to-Image Translation using Cycle-Consistent Adversarial Networks. In Proceedings of the IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017. [Google Scholar] [CrossRef]
  41. Lajili, R.; Chikhaoui, K.; Zergoune, Z.; Bouazizi, M.L.; Ichchou, M.N. Impact of the vibration measurement points geometric coordinates uncertainties on two-dimensional k-space identification: Application to a sandwich plate with honeycomb core. Mech. Syst. Signal Process. 2022, 167, 108509. [Google Scholar] [CrossRef]
  42. Freeman, P.B. Regulatory compliance: The international classification of diseases, 10th edition (icd-10) changeover is coming. Optom. J. Am. Optom. Assoc. 2010, 81, 551–553. [Google Scholar]
  43. Wu, X.; Wang, L.; Cristali, I.; Gu, Q.; Willett, R. Adaptive differentially private empirical risk minimization. arXiv 2021, arXiv:2110.07435. [Google Scholar]
  44. Sheng, J.; Guo, S.; Yu, B.; Li, Q.; Hei, Y.; Wang, L.; Liu, T.; Xu, H. CasEE: A Joint Learning Framework with Cascade Decoding for Overlapping Event Extraction. arXiv 2021, arXiv:2107.01583. [Google Scholar] [CrossRef]
Figure 1. Principle of model.
Figure 1. Principle of model.
Applsci 13 12380 g001
Figure 2. Cyclic consistency of the transformation process.
Figure 2. Cyclic consistency of the transformation process.
Applsci 13 12380 g002
Figure 3. Cyclic consistency generation adversarial network diagram.
Figure 3. Cyclic consistency generation adversarial network diagram.
Applsci 13 12380 g003
Figure 4. (a) Cyclic consistency semantic matching. (b) Cyclic consistency semantic matching.
Figure 4. (a) Cyclic consistency semantic matching. (b) Cyclic consistency semantic matching.
Applsci 13 12380 g004
Figure 5. System frame diagram.
Figure 5. System frame diagram.
Applsci 13 12380 g005
Figure 6. Sequence labeling framework.
Figure 6. Sequence labeling framework.
Applsci 13 12380 g006
Figure 7. The RotateE model.
Figure 7. The RotateE model.
Applsci 13 12380 g007
Figure 8. Search mode of conditional query.
Figure 8. Search mode of conditional query.
Applsci 13 12380 g008
Figure 9. Disease information search results.
Figure 9. Disease information search results.
Applsci 13 12380 g009
Figure 10. Select disease nodes for inference.
Figure 10. Select disease nodes for inference.
Applsci 13 12380 g010
Figure 11. Path search inference results.
Figure 11. Path search inference results.
Applsci 13 12380 g011
Figure 12. Multi-symptom disease inference.
Figure 12. Multi-symptom disease inference.
Applsci 13 12380 g012
Figure 13. Infer complications of related diseases.
Figure 13. Infer complications of related diseases.
Applsci 13 12380 g013
Table 1. Entity type.
Table 1. Entity type.
Entity ClassGive an Example
FoodEat beef
ExaminationsBlood routine examination
DepartmentsInternal medicine
DiseasesDiabetes
SymptomsFever, cold
InformationLead to decreased immunity
Table 2. Relationship type.
Table 2. Relationship type.
Relation ClassGive an Example
Departments and departmentsMedicine and surgery
Illness and avoidance of foodAvoid spicy food when you have a cold
Sickness and proper foodYou should pay attention to a light diet
Diseases and drugsTake insulin for high blood sugar
Disease and examinationTake an X-ray of a broken bone
Diseases and symptomsFlu and sneezing
Diseases and complicationsHypertension and kidney failure
Diseases and departmentsFracture and bone surgery
Table 3. The operating environment required using the system.
Table 3. The operating environment required using the system.
Required Plug-In EnvironmentVersions
python3.6
elasticsearch7.10.1
numpy1.20.3
jieba0.39
pandas1.1.5
rank-bm0.2.1
scikit-learn0.24.1
scipy1.5.4
Table 4. Hyperparameter configuration of the model.
Table 4. Hyperparameter configuration of the model.
HyperparameterDisposition
#negative samples2048
loss functionBCE_adv
gamma3.10
adv.weight1.93
regularizerFRO
reg.weight6.51 × 10−6
dropout rate0.00
optimizerAdam
learning rate6.43 × 10−4
batch size512
dimension size1000
inverse relationFalse
Table 5. DistMult model and Cyclic_CKGE model parameter comparison.
Table 5. DistMult model and Cyclic_CKGE model parameter comparison.
ModelParametric Embeddednesshit@3hit@10
DistMult1.89 M1280.250.41
0.95 M640.250.39
0.23 M160.170.31
Cyclic_CKGE5.05 M2000.350.49
1.89 M960.350.49
0.95 M540.330.46
0.46 M280.300.43
0.23 M140.280.40
Table 6. (a). WN18 link prediction results. (b). FB15k link prediction results.
Table 6. (a). WN18 link prediction results. (b). FB15k link prediction results.
(a)
WN18
MRMRRhit@3hit@10
TransE4010.892
DistMult9020.8220.9140.936
Cyclic_CKGE2510.9420.9680.969
(b)
FB15k
MRMRRhit@3hit@10
TransE1250.471
DistMult970.6540.7330.824
Cyclic_CKGE640.7450.8010.873
Table 7. (a). Link prediction results for WN18RR. (b). Link prediction results for FB15k-237.
Table 7. (a). Link prediction results for WN18RR. (b). Link prediction results for FB15k-237.
(a)
WN18RR
MRMRRhit@3hit@10
TransE41660.2310.3520.499
DistMult51100.4300.4400.490
Cyclic_CKGE32880.4600.4500.540
(b)
FB15k-237
MRMRRhit@3hit@10
TransE3550.2950.2910.464
DistMult2540.2410.2630.419
Cyclic_CKGE2460.3160.3500.491
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Li, J.; Guo, Z.; He, J.; Ma, X.; Ma, J. A Knowledge Graph Embedding Model Based on Cyclic Consistency—Cyclic_CKGE. Appl. Sci. 2023, 13, 12380. https://doi.org/10.3390/app132212380

AMA Style

Li J, Guo Z, He J, Ma X, Ma J. A Knowledge Graph Embedding Model Based on Cyclic Consistency—Cyclic_CKGE. Applied Sciences. 2023; 13(22):12380. https://doi.org/10.3390/app132212380

Chicago/Turabian Style

Li, Jialong, Zhonghua Guo, Jiahao He, Xiaoyan Ma, and Jing Ma. 2023. "A Knowledge Graph Embedding Model Based on Cyclic Consistency—Cyclic_CKGE" Applied Sciences 13, no. 22: 12380. https://doi.org/10.3390/app132212380

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop