Next Article in Journal
Digital Twin for Math Education: A Study on the Utilization of Games and Gamification for University Mathematics Education
Previous Article in Journal
Quick Identification of Open/Closed State of GIS Switch Based on Vibration Detection and Deep Learning
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Novel Method for Constructing Spatiotemporal Knowledge Graph for Maritime Ship Activities

1
Department of Information Fusion, Naval Aviation University, Yantai 264001, China
2
The School of Aviation Basis, Naval Aviation University, Yantai 264001, China
*
Author to whom correspondence should be addressed.
Electronics 2023, 12(15), 3205; https://doi.org/10.3390/electronics12153205
Submission received: 18 June 2023 / Revised: 11 July 2023 / Accepted: 21 July 2023 / Published: 25 July 2023

Abstract

:
This study focused on the construction of a spatiotemporal knowledge graph for ship activities. First, a ship activity ontology model was proposed to describe the entities and relations of ship activities. Then, maritime event text data were utilized as the ship activity dataset, where entities and relations were extracted to form triplets. Thus, the data layer was populated, completing the construction of the ship activity spatiotemporal knowledge graph. The process of extracting triplets involved initially inputting the text sentences into the Bidirectional Encoder Representations from Transformers (BERT) model for pretraining to obtain vector representations of characters. These representations were then fed into a lattice long short-term memory network (Lattice-LSTM) for further processing. The resulting hidden vectors h 1 , h 2 , , h n were input into the conditional random field (CRF) to perform named entity recognition. The recognized entities were then labeled in the original sentences and input into another BERT-Lattice-LSTM network. The resulting hidden vectors h 1 , h 2 , , h n were fed into a relation classifier, which output the relation between the two labeled entities, completing the extraction of entity–relation triplets. In experiments, the proposed method achieved triplet extraction performance exceeding 90% for three different evaluation metrics: Precision, Recall, and F1-measure.

1. Introduction

With global economic integration, the number of ships has been continuously increasing in recent years, which has led to an increase in the frequency of maritime ship activities and accidents [1]. To ensure the safe and efficient operation of maritime traffic, maritime authorities and coastal defense departments of various countries have jointly established the global automatic identification system (AIS) for maritime traffic monitoring, aiming to enhance users’ comprehensive situational awareness of global maritime traffic [2]. Researchers have applied Big Data analytics techniques to ship trajectory analysis, facilitating the intelligent development of maritime traffic monitoring and management [3]. Traditional methods mainly rely on ship positioning data to mine routine ship activities, without incorporating in-depth analysis of sudden events and accidents using other multi-source maritime event data; thus, they lack in-depth knowledge mining. Therefore, there is demand for leveraging cutting-edge technologies such as artificial intelligence to strengthen maritime traffic monitoring and management and to mine data of ship trajectories and multi-source maritime events [4].
The main focus of previous research was mining semantic information from ship trajectory data for ship activity behavior analysis [5]. Scholars have explored ship activity patterns via event analysis using ship event data [6]. However, the models that describe ship events take events as the basic unit and cannot effectively represent a single voyage activity process and the basic behavior of a ship. To analyze the causes of ship events in-depth and express ship activities more comprehensively, it is often necessary to combine the entire set of events during a ship’s navigation process and the ship’s behavioral information before and after the events. If the method of event extraction is employed to parse the textual data describing the events and analyzed together with trajectory data, a more complete representation of ship activities can be obtained. Constructing a knowledge graph [7] is an effective way to integrate multi-source data. A knowledge graph is a knowledge repository that represents entities (concepts, people, and things) in the objective world and their relations in the form of a graph. Essentially, a knowledge graph is a large-scale semantic network comprising an ontology layer and a data layer. The ontology layer describes conceptual entities and the relations between them, while the data layer stores real-world entities and relations. In addition to semantic knowledge of entities, a spatiotemporal knowledge graph [8] focuses on representing temporal and spatial relations. The present study primarily focuses on the construction of a spatiotemporal knowledge graph for maritime ship activities. The maritime ship activity spatiotemporal knowledge graph is a knowledge repository that represents the temporal and spatial maritime activities of ships and the relations between them in the form of a graph, with maritime ship activity entities as nodes and the relations between them as edges. The construction of the maritime ship activity knowledge graph relies on the ontology layer to describe conceptual entities and their relations. Multiple sources of ship activity data are then populated into the data layer, completing the construction of the maritime ship activity spatiotemporal knowledge graph.
Once the ontology layer is constructed, the data layer needs to be populated through two techniques: named entity recognition and relation extraction. Named entity recognition methods can be divided into two groups: (1) rule-based methods that rely on feature engineering and domain knowledge and (2) traditional machine-learning methods. Rule-based methods were commonly used in early Chinese-language named entity recognition. This approach requires manual rule construction and has a strong dependence on domain knowledge, making rule creation and modification time-consuming and labor-intensive. With the rise of machine-learning methods, the manual rule construction process in rule-based methods has been incorporated into post-processing of named entity recognition models based on machine-learning methods. Machine-learning methods mainly include support vector machines [9], hidden Markov models [10], and conditional random fields (CRFs) [11]. These methods still require additional features. For English named entity recognition tasks, neural networks have become the mainstream approach—particularly convolutional neural network–conditional random fields (CNN-CRF) [12,13,14,15] and bidirectional long short-term memory–conditional random fields (BiLSTM-CRF) [16,17,18].
Relation extraction involves automatically identifying the types of semantic relations between entities. Typically, recurrent neural network (RNN) architectures are used to model the complex interactions and contextual information among entities and their mentions in the document, capturing entity information and generating entity representations. Finally, according to these representations, the model predicts the entity relation types. Currently, long short-term memory (LSTM) and bidirectional long short-term memory (Bi-LSTM) networks based on the RNN architecture can effectively capture long-distance interactions between entities in the document. With the introduction of attention mechanisms, the model can focus on the information related to the target entities in the sentence, achieving more efficient entity relation classification [19,20,21].
Existing named entity recognition and relation extraction techniques have achieved excellent performance on English documents. However, this study focuses on Chinese maritime intelligence information, which lacks explicit word boundary information compared with English. Nevertheless, word boundary information and semantic information are crucial for Chinese named entity recognition and relation extraction tasks. To address this issue, we propose using the Lattice-LSTM model [22,23] to represent dictionary words in the sentence, integrating the implicit lexical features into the character-based LSTM model. The sentence is matched with an automatically acquired dictionary to construct a word-based Lattice-LSTM model, which is trained using Bidirectional Encoder Representations from Transformers (BERT) on a large-scale Chinese text after segmentation. The trained output dictionary can help solve deep-level named entity recognition and relation extraction problems in the context.
This paper presents a method for constructing a spatiotemporal knowledge graph specifically for ship navigation activities. Our contributions are summarized as follows:
(1) An ontology model based on the SEM is proposed for ship navigation activities, which represents the hierarchical relations among concepts related to ship activities. It includes six core entity concepts: process, event, actor, place, time, and action. Additionally, according to the characteristics of ship activities, entity relations are defined, including hasEvent, hasActor, hasPlace, hasTime, hasAction, cause, and followed.
(2) A BERT-Lattice-LSTM network model was developed. Initially, the BERT model was utilized to pretrain the textual data of maritime activities, generating vector representations for characters. Subsequently, the Lattice-LSTM model was presented to represent dictionary words in the sentences, integrating implicit lexical features into the character-based LSTM model.
(3) A method was developed for extracting ship activity triplets. Specifically, two BERT-Lattice-LSTM network models were established: one for named entity recognition and the other for relation classification. The maritime activity intelligence text was fed into the named entity recognition model based on the BERT-Lattice-LSTM network. The hidden-layer output h 1 , h 2 , , h n was then input into a CRF model to achieve named entity recognition. The recognized named entities were marked in the maritime activity intelligence text and fed into the relation extraction model based on the BERT-Lattice-LSTM network. The hidden-layer output h 1 , h 2 , , h n was input into a relation classifier (RC), which output the type of relation between the two named entities; thus, the ship activity triplets were obtained.
(4) Experiments were designed to compare the proposed model with four other models: LSTM-CRF-RC, BiLSTM-CRF-RC, BERT-LSTM-CRF-RC, and BERT-BiLSTM-CRF-RC. The proposed model achieved superior performance in named entity recognition, relation extraction, and triplet extraction. The results confirmed the effectiveness of the proposed method.

2. Research Methods and Materials

2.1. Design of Ontology Rules

The ontology layer is constructed using a concept-based simple event model (SEM), while the data layer is populated with knowledge triplets obtained through named entity recognition and relation extraction techniques. Ship activity events can modeled using general event models. In current academic research, concept-based event models [24,25,26,27], logic-based hierarchical event models [28,29,30,31], and sextuplet-based event models [32,33,34,35] are used. The modeling of ship activities in this study belongs to the category of domain-specific ontology modeling, where concept-based event models such as ABC ontology [24] model, SEM [25], EO [26] model, and CIDOC-CRM [27] model are primarily used.
The ABC ontology model focuses on modeling event concepts and expresses the relations between concepts such as events, scenarios, actions, and objects to describe event content. It classifies entities into abstraction, actuality, and temporality classes and considers the time, place, and agent information of events. In particular, the actuality class describes the objective existence in the real world, while the temporality class describes entities with temporal existence. The situation class represents a contextual environment and expresses the temporal dependency of actuality entities. The event class represents the transition between situations and is related to the situation class through the preceding and following attributes. It is also associated with the action and agent classes.
The SEM ontology model proposed by Hage [25] represents and infers events through the definition of classes, properties, and constraints. Its core classes include event, actor, place, and time, with the aim of enhancing the model’s generality, and other events can be added based on this foundation. The properties are divided into three types: event properties, type properties, and other properties (such as sub-properties, e.g., “according To” and “has Time Stamp”). Each core class has a type property for easy querying. “sem:according To” associates “sem:View” with “sem:Authority” to express different viewpoints and opinions. “sem:has Time Stamp” has seven sub-properties: one for expressing a single-valued time, i.e., “sem:has Time Stamp”; two for representing time intervals, i.e., “sem:has Begin Time Stamp” and “sem:has End Time Stamp”; and four for representing uncertain time intervals, i.e., “sem:has Earliest Begin Time Stamp”, “sem:has Latest Begin Time Stamp”, “sem:has Earliest End Time Stamp”, and “sem:has Latest End Time Stamp”.
The EO model primarily consists of four classes (event and three implicit classes: agent, factor, and product) and seventeen attribute groups. It defines the minimum number of events and relies on an external vocabulary to refine the expressed knowledge. Similar to the SEM, the EO model adopts a modular design, which enhances its flexibility. However, it lacks explicit actor and place classes. Meanwhile, CIDOC-CRM is a concept-based, large-scale ontology with no formal restrictions. It comprises 140 classes and 144 attributes, and a subset of these can be used to represent events.
The SEM generalizes the CIDOC-CRM model and introduces the concept of view. Additionally, it provides lightweight descriptive elements for events; however, it avoids introducing strongly defined semantics that can lead to inconsistencies. Moreover, it leverages types, constraints, and authority to facilitate the integration of external data. Hage used the SEM to model and identify ship events according to ship trajectory data, allowing the transformation of ship trajectory data into semantic information about ship events. However, solely the SEM is used for event extraction, only regular ship events can be described, and the relation between ship activity processes and behaviors cannot be captured.
The ship activity components in this study include processes, events, and behavioral elements. Therefore, the aforementioned modeling methods are not fully applicable to modeling the ship activities in this study. It is possible to extend the SEM according to the actual composition of ship activity components. Because the SEM expresses minimal events and is easily expandable, it has been applied to ship trajectory data, confirming its feasibility.
The ontology is an essential component of a knowledge graph and can formally represent the hierarchical relations among concepts related to ship activities. The SEM [25] is a domain-independent event representation model that can be applied to model events in different domains. It describes events using core concepts, class systems, and attribute constraints. It comprehensively utilizes four concepts—time, place, object, and event—to describe the components of an event. By setting class systems corresponding to core concepts, the class information of event elements can be described using specific instances without changing the pattern layer. Attribute constraints are used to describe properties in the knowledge graph. By adding information to existing attributes, they can be constrained or expanded with regard to their descriptions. In this study, the class system and attribute constraint rules of the SEM are utilized, and the concept system, entity classes, and entity relations are supplemented using the Web Ontology Language (OWL). A ship activity model (SAM) is proposed, which includes processes, events, and actions related to ship activities.
The SAM model consists of six core entity concepts:
(1) Process, which represents the sea voyage process of a ship from one port to another, including transportation, fishing, cruising, escorting, etc.
(2) Event, which represents the reasons for changes in the maritime status of a ship, including natural disasters, maritime accidents, and other incidents.
(3) Actor, which represents the subject participating in the event, i.e., the ship.
(4) Place, which represents entities with spatial locations, such as specific place names or coordinates.
(5) Time, which represents entities with time characteristics, such as a specific point in time or a time interval.
(6) Action, which represents the fundamental actions of ship activities, such as anchoring, movement (uniform, accelerating, and decelerating), and mooring.
According to the characteristics of ship activities, the entity relations can be defined as shown in Table 1.
The core concepts of the SAM model and their relations are shown in Figure 1.

2.2. BERT Model

BERT is a self-supervised deep language model that trains text using a multilayer bidirectional transformer encoding structure with a masking mechanism [36]. The transformer encoder is composed of a self-attention mechanism and a feedforward neural network, which eliminates the recurrent structure and allows parallel computation. In contrast to previous models such as RNNs and LSTMs, BERT allows concurrent execution and extraction of word relation features in a sentence. It can extract relation features at multiple levels, providing a more comprehensive reflection of sentence semantics. Additionally, in contrast to previous pretraining models, BERT can capture word meanings according to sentence context, avoiding ambiguity. Furthermore, BERT can extract word meanings in both directions, resulting in richer and more implicit features. The overall structure of the BERT model is illustrated in Figure 2.
In BERT, the input text is first transformed into semantic vectors. This process includes token embedding, segment embedding, and position embedding, which are combined. Token embedding converts the input text sequence into fixed-dimensional vectors, segment embedding incorporates information from different sentences, and position embedding encodes the sequential order of the input text sequence. These embeddings are then passed to multiple transformer encoders for training, resulting in trained word vectors. The most important structure in BERT is the transformer encoder, which includes key operations such as multi-head attention, self-attention, residual connections, layer normalization, and linear transformations. Through these operations, the transformer encoder transforms the semantic vectors of individual words in the input text into enhanced semantic vectors of the same length. With multiple layers of transformer encoders, BERT achieves the training of semantic vectors for each word in the text.
For BERT, the crucial component is the transformer structure. The transformer is a deep network based on the self-attention mechanism, which is the key part. It adjusts the weight coefficient matrix of word associations within the one sentence to obtain word representations. The corresponding formula is
Attention Q , K , V = Soft max Q K T d k V
where Q , K , and V represent the matrix of word vectors, Q K T represents the dot-product matrix of Q and K T reflecting the degree of association of each word with another word, d k is the scale factor, and d k represents the dimensionality of the word vectors.
Building upon this, multiple self-attention layers are concatenated through a multi-head structure to achieve a more interpretable multi-head attention mechanism. The corresponding formulas are as follows:
MultiHead Q , K , V = head 1 ; head 2 ; ; head n W
head i = Attention n Q W Q i , K W K i , V W V i
where W represents the weight matrix; W Q , W K , and W V represent the weight matrices of Q , K , and V , respectively.
The advantage of the BERT model lies in its inclusion of two tasks [37]: masked language modeling (MLM) and next sentence prediction (NSP). The basic idea of the MLM is to randomly mask words, with most of the masked words being replaced with “[MASK]”, some being randomly replaced, and the remainder kept unchanged. Through joint training, the model can infer the masked words according to the context, addressing the issue of word ambiguity. In contrast, NSP provides an intuitive understanding of the logical relation between preceding and subsequent sentences. The combination of these two tasks enhances the semantic representation of the model.

2.3. Lattice-LSTM Structure

RNNs are commonly used for processing sequential data, such as textual data. They allow computers to understand sequential data from a holistic perspective. However, owing to the issue of vanishing gradients, RNNs fail to capture long-range contextual features. LSTMs were introduced to address this problem. They employ a gated strategy to solve the vanishing-gradient problem and other issues during backpropagation. This approach is commonly used in many natural language processing tasks. With regard to structural composition, LSTM is similar to CNNs, with the difference lying in the use of complex network graphs during each recurrent computation in LSTM. The LSTM network structure consists mainly of four gate units that interact with each other in a special way. The computational process is expressed by Equations (4)–(9) [38]:
f j c = σ W f c x j c + U f c h j 1 c + b f c
o j c = σ W o c x j c + U o c h j 1 c + b o c
i j c = σ W i c x j c + U i c h j 1 c + b i c
c ˜ j c = tanh W c ˜ c x j c + U c ˜ c h j 1 c + b c ˜ c
c j c = f j c c j 1 c + i j c c ˜ j c
h j c = o j c tanh c j c
where f j c , o j c , and i j c denote the forget gate, output gate, and input gate, respectively; W f c , W o c , W i c , W c ˜ c , U f , U o , U i , U c ˜ , b f , b o , b i , and b c ˜ are the model parameters; c ˜ j c represents the new candidate value of the cell state; c j c represents the new cell information obtained through the input gate; h j c represents the output of the LSTM model; and σ and tanh are different neuron activation functions. This gating approach allows effective selection and extraction of associated information from memory units, addressing the fatal flaw of RNNs.
One limitation of the character-based LSTM model in handling named entity recognition and relation extraction tasks is that the representation of character and character position information is not effectively utilized. Therefore, external sources of information are needed to perform named entity recognition and relation extraction. To address this issue, this paper proposes using the Lattice-LSTM model to represent dictionary words in sentences and integrate the implicit lexical features into the character-based LSTM model. Here, an automatically obtained dictionary is matched with the sentence to construct the word-based Lattice-LSTM model, which is derived from a large-scale Chinese text that has been segmented and trained using BERT. The trained output dictionary can be used to solve deep named entity recognition and relation extraction problems in context.
Let w b , e d be a word in the dictionary, with b being the start position of the word, e being the end position of the word, and x b , e d being the word vector:
x b , e d = e w w b , e d
Here, e w is the word vector mapping table. In addition, the state of the memory unit of x b , e d is recorded together with c b , e d :
f b , e w = σ W f w x b , e w + U f w h b c + b f w
i b , e w = σ W i w x b , e w + U i w h b c + b i w
c ˜ b , e w = tanh W c ˜ w x b , e w + U c ˜ w h b c + b c ˜ w
c b , e w = f b , e w c b c + i b , e w c ˜ b , e w
where i b , e w and f b , e w denote the input gate and forget gate, respectively. The Lattice-LSTM model extracts information from characters, similar to the LSTM model, but for word information extraction, the LSTM model is redesigned by incorporating an external dictionary to enhance its ability to capture word information. This model integrates word sequence information and an additional gate i b , e c , which is used to control the information flow:
i b , e c = σ W i c x b c + U i c c b , e w + b i c
All the c b , e w and c ˜ j c values are used to calculate c j c :
c j c = b b | w b , j d D α b , j c c b , j w + α j c c ˜ j c
where D represents the dictionary set. α b , j c and α j c can be calculated as follows:
α b , j c = exp i b , e c exp i e c + b b | w b , e D exp i b , e c
α e c = exp i e c exp i e c + b b | w b , e D exp i b , e c
By substituting the c j c calculated via Equation (16) into Equation (9), h j c is obtained.

2.4. Named Entity Identification and Relation Classification

For named entity recognition, the final label prediction is typically given by the network output layer in its compositional structure, which normalizes the non-standardized calculation values from the hidden-layer output. In simple terms, it transforms the model’s scores for different labels into probabilities and provides the final classification prediction. However, the probability calculation for each label result is independent, and the local labels and contextual information are not considered in the normalization function. Thus, using a normalization function is not the most accurate strategy. To address this issue, we propose the CRF model, which considers the relevance of neighboring labels and achieves more accurate labeling of sentence-level information by incorporating relevant label data. Thus, the output h 1 , h 2 , , h n of the Lattice-LSTM model is fed into the CRF model to calculate the probability value of the label sequence y e = l 1 , l 2 , , l n [23]:
P y e | s = exp i W C R F l i h i + b C R F l i 1 , l i y e exp i W C R F l i h i + b C R F l i 1 , l i
where y e represents an arbitrary sequence of labels, W C R F l i represents the model parameters specific to l i , b C R F l i 1 , l i and represents the biases specific to l i 1 and l i .
The Viterbi algorithm is called to find the highest-scoring label sequence from the input sequence. Given a set of manually labeled training data s i , y e i | i = 1 N , the model is trained using the L 2 -regularized sentence-level log-likelihood loss:
L e = i = 1 N log P y e i | s i + λ 2 Θ 2
where λ denotes L 2 regularization, and Θ represents the set of the parameters to be trained in the model.
For the output h = h 1 , h 2 , , h n R d h × n of the Lattice-LSTM model, where d h represents the dimensionality of the output vector h j of the model, we first merge them into a sentence-level eigenvector h R d h using the character-level attention mechanism and then feed h into the RC to calculate the confidence of each class of relations. The sentence-level eigenvector h can be calculated as follows [39]:
H = tanh h
α = soft max ω T H
h = h α T
The conditional probability of the relation class y r corresponding to a given sentence S can be calculated as follows:
P y r | S = soft max W h + b
where W R Y × d h represents the transformation matrix, b R Y represents the bias vector, and Y represents the total number of relation classes.
Given a manually labeled training dataset s i , y r i | i = 1 N , the model can be trained using the sentence-level log-likelihood loss:
L r = i = 1 N log P y r i | s i

2.5. Triplet Extractor

We constructed two BERT-Lattice-LSTM network models: one for named entity recognition and the other for relation classification. First, the training for named entity recognition was conducted. In this step, part-of-speech tagging was performed on the model input. The Chinese sentence was annotated using the BIOSE tagging scheme, where each character is labeled as follows: B (Begin) represents the start of a named entity, I (Inside) represents the inside of a named entity, O (Other) represents non-entity characters, S (Single) represents a single character entity, and E (End) represents the end of a named entity. An example is “长(B-Actor)城(I-Actor)9(I-Actor)号(E-Actor)从(O)洋(B-Place)浦(I-Place)港(E-Place)出(B-Event)发(E-Event)”. Finally, model training was conducted using Equation (20).
Taking the Chinese sentence “长城9号从洋浦港出发” (literally, Great Wall 9 departs from Yangpu Port) as an example, Figure 3 shows the named entity recognition model based on the BERT-Lattice-LSTM network.
Named entities obtained through named entity recognition in the Chinese sentence are labeled within the sentence and fed into the relation classification model based on the BERT-Lattice-LSTM network. The output represents the relation between the two labeled named entities.
Similarly, taking the Chinese sentence “长城9号从洋浦港出发” (literally, Great Wall 9 departs from Yangpu Port) as an example, Figure 4 illustrates the relation classification model based on the BERT-Lattice-LSTM network.

3. Experiment

3.1. Datasets and Evaluation Metrics

In the experiment, ship event text data from Shipxy (www.shipxy.com) were used as the ship activity dataset. A total of 2548 sentences were selected and labeled with entity classes and relation classes for named entity recognition and relation extraction. The resulting dataset was divided into training, validation, and test sets at a ratio of 7:2:1.
The evaluation metrics used for named entity recognition and relation extraction were the Precision, Recall, and F1-measure. In the case of binary classification, the true classifications of the test dataset were compared with the model’s predicted classifications. The four metrics are shown in Figure 5, with the total sample count given as T P + F P + F N + T N . The comparison results were represented using a confusion matrix.
Precision is the ratio of the number of correctly recognized named entities (relation classes) to the total number of recognized named entities (relation classes). It is calculated as follows:
P r e c i s i o n = T P T P + F P
Recall is the ratio of the number of correctly recognized named entities (relation classes) to the total number of named entities (relation classes) in the dataset. It is calculated as follows:
R e c a l l = T P T P + F N
where A N represents the number of aligned entity pairs in the dataset. A higher recall indicates better model performance.
The F1-measure reflects both the Precision and Recall. It is calculated as follows:
F 1 = 2 × R e c a l l × P r c i s i o n R e c a l l + P r c i s i o n
The F1-measure combines the results of Precision and Recall. A higher F1-measure indicates better overall model performance.

3.2. Experimental Setup

The experiments were conducted using the PyTorch 1.9.0 framework, which is widely used by researchers for implementing various machine-learning algorithms. The model construction and training were implemented using Python. The dimensions of the character vectors and word vectors in this study were set as 768. The Adam optimizer was used, and the learning rate during training was set as 0.01. To prevent exploding gradients during training, the gradient clipping technique was employed, with a parameter value of 5. The dropout technique with a value of 0.5 was used to prevent overfitting.

3.3. Named Entity Recognition Performance Validation of Proposed Model

The performance of the proposed named entity recognition model was experimentally evaluated in comparison with the LSTM-CRF, BiLSTM-CRF, BERT-LSTM-CRF, and BERT-BiLSTM-CRF models. The test results for the named entity recognition performance are presented in Table 2.
As shown in Table 2, the proposed named entity recognition model achieved the highest Precision, Recall, and F1-measure values, indicating its superior performance. Compared with the LSTM-CRF and BiLSTM-CRF models, the BERT-LSTM-CRF model exhibited improvements of 12.53% and 8.53% in Precision, 11.57% and 8.98% in Recall, and 12.04% and 8.76% in F1-measure, respectively. The BERT-BiLSTM-CRF model exhibited improvements of 15.23% and 11.23% in Precision, 14.48% and 11.89% in Recall, and 14.85% and 11.57% in F1-measure, respectively. The BERT-Lattice-LSTM-CRF model exhibited improvements of 17.89% and 13.89% in Precision, 18.23% and 15.64% in Recall, and 18.06% and 14.78% in F1-measure, respectively. These results indicate that utilizing BERT-based pretraining models can enhance the named entity recognition performance. Moreover, compared with the BERT-LSTM-CRF and BERT-BiLSTM-CRF models, the BERT-Lattice-LSTM-CRF model exhibited improvements of 5.36% and 2.66% in Precision, 6.66% and 3.75% in Recall, and 9.02% and 3.21% in F1-measure, respectively. This suggests that incorporating the Lattice-LSTM model can fuse implicit lexical features into the character-based LSTM model and thereby improve the performance of named entity recognition. The experimental results confirm the effectiveness of BERT and Lattice-LSTM models for enhancing the named entity recognition performance.
The data of Table 2 are displayed as a bar chart in Figure 6. As shown, the proposed model outperformed the LSTM-CRF, BiLSTM-CRF, BERT-LSTM-CRF, and BERT-BiLSTM-CRF models with regard to the three evaluation metrics: Precision, Recall, and F1-measure. This confirms the superior performance of the proposed model for named entity recognition.
Furthermore, we conducted tests on six entity types: process, event, actor, place, time, and action, to evaluate the F1-measures of the LSTM-CRF, BiLSTM-CRF, BERT-LSTM-CRF, BERT-BiLSTM-CRF, and BERT-Lattice-LSTM-CRF models in recognizing different entity classes. The test results are presented in Table 3.
As shown in Table 3, compared with the other models, the proposed model achieved F1-measure improvements ranging from 1.05% to 18.32% for the process entity, from 5.62% to 16.77% for the event entity, from 0.76% to 14.84% for the actor entity, from 5.55% to 21.15% for the place entity, from 5.37% to 21.15% for the time entity, and from 0.91% to 18.31% for the action entity. The proposed model achieved the highest F1-measure values for different entity types, further highlighting its superior named entity recognition performance.
The data of Table 3 are displayed as a bar chart in Figure 7. As shown, the proposed model outperformed the LSTM-CRF, BiLSTM-CRF, BERT-LSTM-CRF, and BERT-BiLSTM-CRF models with regard to the F1-measure for all six entity types: process, event, actor, place, time, and action. This confirms the superior performance of the proposed model for named entity recognition.
Figure 8 shows the variation of the F1-measure with respect to the number of iterations for the proposed, LSTM-CRF, BiLSTM-CRF, BERT-LSTM-CRF, and BERT-BiLSTM-CRF models. As the number of iterations increased, the F1-measure of the proposed model increased and stabilized. Moreover, compared with the other models, the proposed model achieved a higher F1-measure throughout the iteration process, confirming its superior for improving the named entity recognition performance.

3.4. Performance Validation of Proposed Model for Relation Extraction

We experimentally evaluated the performance of the proposed relation extraction model in comparison with the LSTM-RC, BiLSTM-RC, BERT-LSTM-RC, and BERT-BiLSTM-RC models. Here, RC represents the relation classifier proposed in Section 3.3. The test results for relation extraction performance are presented in Table 4.
As shown in Table 4, the proposed relation extraction model achieved the highest Precision, Recall, and F1-measure values, indicating its superior performance. Compared with the LSTM-RC and BiLSTM-RC models, the BERT-LSTM-RC model exhibited improvements of 14.31% and 8.62% in Precision, 8.95% and 3.88% in Recall, and 11.62% and 6.52% in F1-measure, respectively. The BERT-BiLSTM-RC model exhibited improvements of 18.67% and 12.98% in Precision, 17.68% and 13.21% in Recall, and 18.19% and 13.09% in F1-measure, respectively. Furthermore, the BERT-Lattice-LSTM-RC model exhibited improvements of 23.34% and 17.65% in Precision, 21.34% and 16.87% in Recall, and 22.36% and 17.26% in F1-measure, respectively. This indicates that utilizing BERT-based pretrained models can enhance the named entity recognition performance. Moreover, compared with the BERT-LSTM-RC and BERT-BiLSTM-RC models, the BERT-Lattice-LSTM-RC model exhibited improvements of 9.03% and 4.67% in Precision, 12.39% and 3.66% in Recall, and 10.74% and 4.17% in F1-measure, respectively. This suggests that incorporating the Lattice-LSTM model can integrate implicit lexical features into the character-based LSTM model, thereby improving the relation extraction performance. The experimental results confirm the effectiveness of the BERT model and the Lattice-LSTM model for enhancing the relation extraction performance.
The data of Table 4 are displayed as a bar chart in Figure 9. As shown, the proposed model outperformed the LSTM-RC, BiLSTM-RC, BERT-LSTM-RC, and BERT-BiLSTM-RC models for all three evaluation metrics: Precision, Recall, and F1-measure. This confirms the superiority of the proposed model for relation extraction.
Furthermore, we conducted tests on seven relation types—hasEvent, hasActor, hasPlace, hasTime, hasAction, cause, and followed—to evaluate the F1-measures of the LSTM-RC, BiLSTM-RC, BERT-LSTM-RC, BERT-BiLSTM-RC, and BERT-Lattice-LSTM-RC models in recognizing different relation types. The results are presented in Table 5.
As shown in Table 5, compared with the other models, the proposed model achieved F1-measure improvements ranging from 3.97% to 22.13% for the hasEvent relation, from 3.17% to 21.67% for the hasActor relation, from 3.94% to 21.90% for the hasPlace relation, from 6.05% to 24.16% for the hasTime relation, from 5.17% to 22.14% for the hasAction relation, from 2.83% to 22.90% for the cause relation, and from 4.06% to 21.62% for the followed relation. The proposed model achieved the highest F1-measure values for different relation types, further highlighting its superiority for relation extraction.
The data in Table 5 are displayed as a bar chart in Figure 10. As shown, the proposed model had a significantly higher F1-measure than the LSTM-RC, BiLSTM-RC, BERT-LSTM-RC, and BERT-BiLSTM-RC models for all seven entity types: hasEvent, hasActor, hasPlace, hasTime, hasAction, cause, and followed. This confirms the superiority of the proposed model for relation extraction.
Figure 11 presents the variation of F1-measure of the proposed, LSTM-RC, BiLSTM-RC, BERT-LSTM-RC, and BERT-BiLSTM-RC models with respect to the number of iterations. As shown, as the number of iterations increased, the F1-measure of the proposed model improved and reached a stable state. Moreover, compared with the LSTM-RC, BiLSTM-RC, BERT-LSTM-RC, and BERT-BiLSTM-RC models, the proposed model achieved a higher F1-measure throughout the iteration process, confirming its effectiveness for improving the relation extraction performance.

3.5. Performance Validation of Proposed Model for Triplet Extraction

The triplet extraction performance of the proposed model was experimentally evaluated in comparison with the LSTM-CRF-RC, BiLSTM-CRF-RC, BERT-LSTM-CRF-RC, and BERT-BiLSTM-CRF-RC models. The triplet extraction in the experiment involved two steps. First, named entities were extracted from Chinese sentences using named entity recognition models (LSTM-CRF, BiLSTM-CRF, BERT-LSTM-CRF, BERT-BiLSTM-CRF, BERT-Lattice-LSTM-CRF). Then, the Chinese sentences were labeled and fed into the relation extraction model (LSTM-RC, BiLSTM-RC, BERT-LSTM-RC, BERT-BiLSTM-RC, BERT-Lattice-LSTM-RC), which output the relation between the two labeled named entities, resulting in the final triplet. The test results for the triplet extraction performance are presented in Table 6.
As shown in Table 6, the proposed model achieved the highest Precision, Recall, and F1-measure values, indicating its superior triplet extraction performance. Compared with the LSTM-CRF-RC and BiLSTM-CRF-RC models, the BERT-LSTM-CRF-RC model exhibited improvements of 22.06% and 14.49% in Precision, 16.58% and 11.08% in Recall, and 19.25% and 12.72% in F1-measure, respectively. The BERT-BiLSTM-CRF-RC model exhibited improvements of 28.48% and 20.91% in Precision, 27.00% and 21.50% in Recall, and 27.74% and 21.21% in F1-measure, respectively. Additionally, the BERT-Lattice-LSTM-RC model achieved improvements of 35.39% and 27.82% in Precision, 33.95% and 28.45% in Recall, and 34.67% and 28.14% in F1-measure, respectively. These results indicate that using BERT-based pretraining models can enhance the triplet extraction performance. Furthermore, compared with the BERT-LSTM-CRF-RC and BERT-BiLSTM-CRF-RC models, the BERT-Lattice-LSTM-RC model exhibited improvements of 13.33% and 6.91% in Precision, 17.37% and 6.95% in Recall, and 15.42% and 6.93% in F1-measure. This suggests that incorporating the Lattice-LSTM model can fuse implicit lexical features into the character-based LSTM model, enhancing the relation extraction performance. The experimental results confirm the effectiveness of the BERT model and Lattice-LSTM model for improving the triplet extraction performance.
Furthermore, compared with the test results presented in Table 2 and Table 4, the triplet extraction performance of all the models exhibited reductions of varying degrees in terms of the Precision, Recall, and F1-measure. This was due to the introduction of errors in the named entity recognition during the relation extraction process, which resulted in error accumulation and degraded the triplet extraction performance. However, with regard to the triplet extraction performance, the proposed model exhibited a higher degree of improvement in the Precision, Recall, and F1-measure than the other models. This confirms the superior named entity recognition and relation extraction performance of the proposed model, which led to superior triplet extraction performance.
The data in Table 6 are displayed as a bar chart in Figure 12. As shown, the proposed model outperformed the LSTM-CRF-RC, BiLSTM-CRF-RC, BERT-LSTM-CRF-RC, and BERT-BiLSTM-CRF-RC models for all three evaluation metrics: Precision, Recall, and F1-measure. This confirms the superiority of the proposed model for triplet extraction.

4. Conclusions

This paper presents a method for constructing a spatiotemporal knowledge graph focusing on maritime ship activities, which includes the design of an ontology layer and a population method for the data layer. The ontology layer includes an SAM that describes conceptual entities and their relations in ship activities, consisting of six core entity concepts (process, event, actor, place, time, action) and seven relation types (hasEvent, hasActor, hasPlace, hasAction, cause, followed). A ship activity entity–relation triplet extraction model based on the BERT-Lattice-LSTM-CRF-RC model is proposed for populating the data layer of the knowledge graph. First, the text statements are fed into the BERT model for pretraining to obtain character-level vector representations. These representations are then input into the Lattice-LSTM model for processing, and the resulting hidden vectors h 1 , h 2 , , h n are passed through a CRF model for named entity recognition. The recognized named entities are marked in the original text statements and then fed into another BERT-Lattice-LSTM network model. The hidden vectors h 1 , h 2 , , h n generated by this model are input into an RC, and the output represents the relation between the two marked named entities. This completes the extraction of entity–relation triplets. In experiments, the proposed method achieved triplet extraction performance exceeding 90% for three different evaluation metrics: Precision, Recall, and F1-measure. This confirmed that the proposed model is effective for the construction of spatiotemporal knowledge graphs for maritime ship activities.
The limitations of this study lie in the lack of making full use of ship’s activity track data to carry out activity behavior analysis. In the future work, we will further optimize the method and study the trajectory semantic method to convert ship trajectory data into semantic information, so as to complete the construction and application of spatio-temporal knowledge graph.

Author Contributions

Conceptualization, C.X.; methodology, C.X.; software, C.X.; validation, C.X., L.Z. and Z.Z.; writing—original draft preparation, C.X.; writing—review and editing, C.X., L.Z. and Z.Z.; funding acquisition, L.Z. All authors have read and agreed to the published version of the manuscript.

Funding

This research was supported in part by the National Natural Science Foundation of China under Grant 91538201, in part by Taishan Scholar Project of Shandong Province under Grant ts201511020, and in part by Project supported by Chinese National Key Laboratory of Science and Technology on Information System Security under Grant 6142111190404.

Data Availability Statement

The data supporting the reported results are available from the corresponding author upon reasonable request.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Luo, M.; Shin, S.-H.; Chang, Y.-T. Duration analysis for recurrent ship accidents. Marit. Policy Manag. 2017, 44, 603–622. [Google Scholar] [CrossRef]
  2. Lv, S. Construction of marine ship automatic identification system data mining platform based on big data. J. Intell. Fuzzy Syst. 2020, 38, 1249–1255. [Google Scholar] [CrossRef]
  3. Vestre, A.; Bakdi, A.; Vanem, E.; Engelhardtsen, O. AIS-based near-collision database generation and analysis of real collision avoidance manoeuvres. J. Navig. 2021, 74, 985–1008. [Google Scholar] [CrossRef]
  4. Shan, Y.; Zhou, X.; Liu, S.; Zhang, Y.; Huang, K. SiamFPN: A deep learning method for accurate and real-time maritime ship tracking. IEEE Trans. Circuits Syst. Video Technol. 2021, 31, 315–325. [Google Scholar] [CrossRef]
  5. Kwakye, M.M. Conceptual model and design of semantic trajectory data warehouse. Int. J. Data Warehous. Min. 2020, 16, 108–131. [Google Scholar] [CrossRef]
  6. Hage, W.R.V.; Malaise, V.; Vries, G.K.D.D.; Schreiber, G.; van Someren, M.W. Abstracting and reasoning over ship trajectories and web data with the Simple Event Model (SEM). Multimed. Tools Appl. 2012, 57, 175–197. [Google Scholar] [CrossRef] [Green Version]
  7. Lin, J.; Zhao, Y.; Huang, W.; Liu, C.; Pu, H. Domain knowledge graph-based research progress of knowledge representation. Neural Comput. Appl. 2020, 33, 681–690. [Google Scholar] [CrossRef]
  8. Shbita, B.; Knoblock, C.A.; Duan, W.; Chiang, Y.Y.; Uhl, J.H.; Leyk, S. Building spatio-temporal knowledge graphs from vectorized topographic historical maps. SWJ 2023, 14, 527–549. [Google Scholar] [CrossRef]
  9. Isozaki, H.; Kazawa, H. Efficient Support Vector Classifiers for Named Entity Recognition. In Proceedings of the COLING 2002: The 19th International Conference on Computational Lingusitics, Taipei, China, 26–30 August 2002; Association for Computational Linguistics: Stroudsburg, PA, USA, 2002; pp. 1–7. [Google Scholar]
  10. Bikel, D.M.; Miller, S.; Schwartz, R.; Weischedel, R. Nymble: A High-Performance Learning Name-Finder. In Proceedings of the Fifth Conference on Applied Natural Language Processing, Washington, DC, USA, 31 March–3 April 1997; Association for Computational Linguistics: Washington, DC, USA, 1997; pp. 194–201. [Google Scholar]
  11. Lafferty, J.D.; Mccallum, A.; Pereira, F.C.N. Conditional Random Fields: Probabilistic Models for Segmenting and Labeling Sequence Data. In Proceedings of the 18th International Conference on Machine Learning, San Francisco, CA, USA, 28 June–1 July 2001; Morgan Kaufmann Publishers Inc.: San Mateo, CA, USA, 2001; pp. 282–289. [Google Scholar]
  12. Ma, X.Z.; Hovy, E. End-to-End Sequence Labeling via Bi-Directional LSTM-CNNs-CRF. In Proceedings of the 54th Annual Meeting of the Association for Computational Linguistics (Volume 1: Long Papers), Berlin, Germany, 7–12 August 2016; Association for Computational Linguistics: Stroudsburg, PA, USA, 2016; pp. 1064–1074. [Google Scholar]
  13. Chiu, J.P.C.; Nichols, E. Named entity recognition with bidirectional LSTM-CNNs. Trans. Assoc. Comput. Linguist. 2016, 4, 357–370. [Google Scholar] [CrossRef]
  14. Collobert, R.; Weston, J.; Bottou, L.; Karlen, M.; Kavukcuoglu, K.; Kuksa, P. Natural language processing (almost) from scratch. J. Mach. Learn. Res. 2011, 12, 2493–2537. [Google Scholar]
  15. Yan, H.; Sun, Y.; Li, X.N.; Qiu, X.P. An Embarrassingly Easy but Strong Baseline for Nested Named Entity Recognition [J/OL]. (15 September 2022). Available online: https://arxiv.org/abs/2208.04534 (accessed on 20 March 2023).
  16. Liu, L.Y.; Shang, J.B.; Ren, X.; Xu, F.; Gui, H.; Peng, J.; Han, J. Empower Sequence Labeling with Task-Aware Neural Language Model. In Proceedings of the 32nd AAAI Conference on Artificial Intelligence, New Orleans, LA, USA, 2–7 February 2018; AAAI Press: Menlo Park, CA, USA, 2018; pp. 5253–5260. [Google Scholar]
  17. Huang, Z.; Xu, W.; Yu, K. Bidirectional LSTM-CRF Models for Sequence Tagging [J/OL]. (9 August 2015). Available online: https://arxiv.org/abs/1508.01991 (accessed on 20 March 2023).
  18. Lample, G.; Ballesteros, M.; Subramanian, S.; Kawakami, K.; Dyer, C. Neural Architectures for Named Entity Recognition. In Proceedings of the 2016 Conference of the North American Chapter of the Association for Computational Linguistics: Human Language Technologies Linguistics, San Diego, CA, USA, 12–17 June 2016; pp. 260–270. [Google Scholar]
  19. Zhou, P.; Shi, W.; Tian, J.; Qi, Z.; Li, B.; Hao, H.; Xu, B. Attention-Based Bidirectional Long Short-Term Memory Network for Relation Classification. In Proceedings of the 54th Annual Meeting of the ACL, Berlin, Germany, 7–12 August 2016; Association for Computational Linguistics: Stroudsburg, PA, USA, 2016; pp. 207–212. [Google Scholar]
  20. Tang, H.; Cao, Y.; Zhang, Z.; Cao, J.; Fang, F.; Wang, S.; Yin, P. HIN: Hierarchical Inference Network for Document-Level Relation Extraction. In Proceedings of the 24th Pacific-Asia Conference, Singapore, 11–14 May 2020; Springer: Cham, Switzerland, 2020; pp. 197–209. [Google Scholar]
  21. Li, J.; Xu, K.; Li, F.; Fei, H.; Ren, Y.; Ji, D. MRN: A Locally and Globally Mention-Based Reasoning Network for Document-Level Relation Extraction. In Proceedings of the ACL/IJCNLP, Online Event, 1–6 August 2021; pp. 1359–1370. [Google Scholar]
  22. Su, S.; Qu, J.; Cao, Y.; Li, R.; Wang, G. Adversarial training lattice LSTM for named entity recognition of rail fault texts. IEEE Trans. Intell. Transp. Syst. 2022, 23, 21201–21215. [Google Scholar] [CrossRef]
  23. Zhang, Y.; Wang, Y.L.; Yang, J. Lattice LSTM for Chinese sentence representation. IEEE/ACM Trans. Audio Speech Lang. Process 2020, 28, 1506–1519. [Google Scholar] [CrossRef]
  24. Lagoze, C.; Hunter, J. The ABC ontology and model. J. Digit. Inf. 2001, 79, 160–176. [Google Scholar]
  25. Hage, W.R.V.; Malaisé, V.; Segers, R.; Hollink, L.; Schreiber, G. Design and use of the Simple Event Model (SEM). J. Web. Semant. 2011, 9, 128–136. [Google Scholar] [CrossRef] [Green Version]
  26. Zahila, M.N.; Noorhidawati, A.; Yanti Idaya Aspura, M.K. Content extraction of historical Malay manuscripts based on Event Ontology Framework. Appl. Ontol. 2021, 16, 249–275. [Google Scholar] [CrossRef]
  27. Doerr, M.; Ore, C.E.; Stead, S. The CIDOC Conceptual Reference Model: A New Standard for Knowledge Sharing. In Proceedings of the Tutorials, Posters, Panels, and Industrial Contributions at the 26th International Conference on Conceptual Modelling, Auckland, New Zealand, 5–9 November 2007; pp. 51–56. [Google Scholar]
  28. Kaneiwa, K.; Iwazume, M.; Fukuda, K. An Upper Ontology for Event Classifications and Relations. In Proceedings of the 20th Australian Joint Conference on Artificial Intelligence, Gold Coast, Australia, 6 December 2007; pp. 394–403. [Google Scholar]
  29. Vacura, M. Modeling artificial agents’ actions in context—A deontic cognitive event ontology. Appl. Ontol. 2020, 15, 493–527. [Google Scholar] [CrossRef]
  30. Liu, W.; Jiang, L.; Wu, Y.; Tang, T.; Li, W. Topic detection and tracking based on event ontology. IEEE Access 2020, 8, 98044–98056. [Google Scholar] [CrossRef]
  31. Li, F.; Du, J.; He, Y.; Song, H.Y.; Madkour, M.; Rao, G.; Xiang, Y.; Luo, Y.; Chen, H.W.; Liu, S.; et al. Time event ontology (TEO): To support semantic representation and reasoning of complex temporal relations of clinical events. J. Am. Med. Inform. Assoc. 2020, 27, 1046–1056. [Google Scholar] [CrossRef]
  32. Buoncompagni, L.; Kareem, S.Y.; Mastrogiovanni, F. Human activity recognition models in ontology networks. IEEE Trans. Cybern. 2021, 52, 5587–5606. [Google Scholar] [CrossRef]
  33. Kuptabut, S.; Netisopakul, P. Event extraction using ontology directed semantic grammar. J. Inf. Sci. Eng. 2016, 32, 79–96. [Google Scholar]
  34. Goy, A.; Magro, D.; Rovera, M. On the role of thematic roles in a historical event ontology. Appl. Ontol. 2018, 13, 19–39. [Google Scholar] [CrossRef]
  35. Selvam, S.; Balakrishnan, R.; Ramakrishnan, B. Social event detection-A systematic approach using ontology and linked open data with significance to semantic links. Int. Arab J. Inf. Technol. 2018, 15, 729–738. [Google Scholar]
  36. Devlin, Q.; Chang, M.-W.; Lee, K.; Toutanova, K. BERT: Pre-Training of Deep Bidirectional Transformers for Language Understanding. arXiv 2018, arXiv:1810.04805. Available online: https://arxiv.org/abs/1810.04805 (accessed on 20 March 2023).
  37. Zhang, Z.B.; Wu, S.; Jiang, D.W.; Chen, G. BERT-JAM: Maximizing the utilization of BERT for neural machine translation. Neurocomputing 2021, 460, 84–94. [Google Scholar] [CrossRef]
  38. Yu, Y.; Si, X.S.; Hu, C.H.; Zhang, J.X. A review of recurrent neural networks: LSTM cells and network architectures. Neural Comput. 2019, 31, 1235–1270. [Google Scholar] [CrossRef] [PubMed]
  39. Erk, K.; Smith, N.A. Attention Based Bidirectional Long Short-Term Memory Networks for Relation Classification. In Proceedings of the 54th Annual Meeting of the Association for Computational Linguistics, Berlin, Germany, 7–12 August 2016; pp. 207–212. [Google Scholar]
Figure 1. Ship activity knowledge graph.
Figure 1. Ship activity knowledge graph.
Electronics 12 03205 g001
Figure 2. The model architecture for BERT pre-training.
Figure 2. The model architecture for BERT pre-training.
Electronics 12 03205 g002
Figure 3. Named entity recognition model based on the BERT-Lattice-LSTM network.
Figure 3. Named entity recognition model based on the BERT-Lattice-LSTM network.
Electronics 12 03205 g003
Figure 4. Named entity recognition model based on the BERT-Lattice-LSTM network. (a) Labeled entities are “长城9号” (Great Wall 9) and “出发” (departs). (b) Labeled entities are “洋浦港” (Yangpu Port) and “出发” (departs).
Figure 4. Named entity recognition model based on the BERT-Lattice-LSTM network. (a) Labeled entities are “长城9号” (Great Wall 9) and “出发” (departs). (b) Labeled entities are “洋浦港” (Yangpu Port) and “出发” (departs).
Electronics 12 03205 g004
Figure 5. Comparison of four prediction metrics.
Figure 5. Comparison of four prediction metrics.
Electronics 12 03205 g005
Figure 6. Test results for the named entity recognition performance (%).
Figure 6. Test results for the named entity recognition performance (%).
Electronics 12 03205 g006
Figure 7. Test results for the named entity recognition performance for different entity types (%).
Figure 7. Test results for the named entity recognition performance for different entity types (%).
Electronics 12 03205 g007
Figure 8. Curves of the F1-measure with respect to the number of iterations.
Figure 8. Curves of the F1-measure with respect to the number of iterations.
Electronics 12 03205 g008
Figure 9. Test results for the relation extraction performance (%).
Figure 9. Test results for the relation extraction performance (%).
Electronics 12 03205 g009
Figure 10. Test results for the relation extraction performance for different relation types (%).
Figure 10. Test results for the relation extraction performance for different relation types (%).
Electronics 12 03205 g010
Figure 11. Curves of the F1-measure of the models for relation extraction with respect to the number of epochs.
Figure 11. Curves of the F1-measure of the models for relation extraction with respect to the number of epochs.
Electronics 12 03205 g011
Figure 12. Test results for the triplet extraction performance (%).
Figure 12. Test results for the triplet extraction performance (%).
Electronics 12 03205 g012
Table 1. Semantic association between ship activities.
Table 1. Semantic association between ship activities.
RelationSubject(s)Object(s)
sam: hasEventProcessEvent
sam: has ActorProcessActor
EventActor
ActionActor
sam: hasPlaceProcessPlace
EventPlace
ActionPlace
sam: hasTimeProcessTime
EventTime
ActionTime
sam: has ActionEventAction
sam: causeEventEvent
sam: followedActionAction
Table 2. Test results for the named entity recognition performance (%).
Table 2. Test results for the named entity recognition performance (%).
ModelPrecisionRecallF1-Measure
LSTM-CRF78.1577.0777.61
BiLSTM-CRF82.1579.6680.89
BERT-LSTM-CRF90.6888.6489.65
BERT-BiLSTM-CRF93.3891.5592.46
BERT-Lattice-LSTM-CRF96.0495.3095.67
Table 3. Test results for the named entity recognition performance for different entity types (%).
Table 3. Test results for the named entity recognition performance for different entity types (%).
ModelProcessEventActorPlaceTimeAction
LSTM-CRF76.8479.2180.2275.6677.2476.49
BiLSTM-CRF81.1979.3882.1682.3379.1481.14
BERT-LSTM-CRF88.6087.9891.3392.1888.5489.27
BERT-BiLSTM-CRF94.1190.3694.3091.2690.8493.89
BERT-Lattice-LSTM-CRF95.1695.9895.0696.8196.2194.80
Table 4. Test results for the relation extraction performance (%).
Table 4. Test results for the relation extraction performance (%).
ModelPrecisionRecallF1-Measure
LSTM-RC72.5574.6973.60
BiLSTM-RC78.2479.1678.70
BERT-LSTM-RC86.8683.6485.22
BERT-BiLSTM-RC91.2292.3791.79
BERT-Lattice-LSTM-RC95.8996.0395.96
Table 5. Test results for the relation extraction performance for different relation types.
Table 5. Test results for the relation extraction performance for different relation types.
Modelhas-
Event
has-
Actor
has-
Place
hasTimehas-
Action
CauseFollowed
LSTM-RC72.0572.8873.4171.6173.8775.2376.15
BiLSTM-RC76.9175.2778.1679.2276.9281.1483.28
BERT-LSTM-RC86.2085.8982.6984.3785.1086.1386.16
BERT-BiLSTM-RC90.2191.3891.3789.7290.8495.3093.71
BERT-Lattice-LSTM-RC94.1894.5595.3195.7796.0198.1397.77
Table 6. Test results for the triplet extraction performance (%).
Table 6. Test results for the triplet extraction performance (%).
ModelPrecisionRecallF1-Measure
LSTM-CRF-RC56.7057.5657.13
BiLSTM-CRF-RC64.2763.0663.66
BERT-LSTM-CRF-RC78.7674.1476.38
BERT-BiLSTM-CRF-RC85.1884.5684.87
BERT-Lattice-LSTM-CRF-RC92.0991.5191.80
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

Xie, C.; Zhang, L.; Zhong, Z. A Novel Method for Constructing Spatiotemporal Knowledge Graph for Maritime Ship Activities. Electronics 2023, 12, 3205. https://doi.org/10.3390/electronics12153205

AMA Style

Xie C, Zhang L, Zhong Z. A Novel Method for Constructing Spatiotemporal Knowledge Graph for Maritime Ship Activities. Electronics. 2023; 12(15):3205. https://doi.org/10.3390/electronics12153205

Chicago/Turabian Style

Xie, Cunxiang, Limin Zhang, and Zhaogen Zhong. 2023. "A Novel Method for Constructing Spatiotemporal Knowledge Graph for Maritime Ship Activities" Electronics 12, no. 15: 3205. https://doi.org/10.3390/electronics12153205

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