Next Article in Journal
Spillover Connectedness among Global Uncertainties and Sectorial Indices of Pakistan: Evidence from Quantile Connectedness Approach
Previous Article in Journal
Back to the Future: Agricultural Booms, Busts, and Diversification in Maine, USA, 1840–2017
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Construction Safety Risk Model with Construction Accident Network: A Graph Convolutional Network Approach

1
Civil Engineering Department, Karadeniz Technical University, 61080 Trabzon, Türkiye
2
Strategy Development Department, Ministry of Transport and Infrastructure, 06338 Ankara, Türkiye
3
Civil Engineering Department, Istanbul Technical University, 34469 Istanbul, Türkiye
*
Author to whom correspondence should be addressed.
Sustainability 2022, 14(23), 15906; https://doi.org/10.3390/su142315906
Submission received: 13 October 2022 / Revised: 22 November 2022 / Accepted: 24 November 2022 / Published: 29 November 2022

Abstract

:
Construction risk assessment (RA) based on expert knowledge and experience incorporates uncertainties that reduce its accuracy and effectiveness in implementing countermeasures. To support the construction of RA procedures and enhance associated decision-making processes, machine learning (ML) approaches have recently been investigated in the literature. Most ML approaches have difficulty processing dependency information from real-life construction datasets. This study developed a novel RA model that incorporates a graph convolutional network (GCN) to account for dependency information between construction accidents. For this purpose, the construction accident dataset was restructured into an accident network, wherein the accidents were connected based on the shared project type. The GCN decodes the construction accident network information to predict each construction activity’s severity outcome, resulting in a prediction accuracy of 94%. Compared with the benchmark feedforward network (FFN) model, the GCN demonstrated a higher prediction accuracy and better generalization ability. The developed GCN severity predictor allows construction professionals to identify high-risk construction accident scenarios while considering dependency based on the shared project type. Ultimately, understanding the relational information between construction accidents increases the representativeness of RA severity predictors, enriches ML models’ comprehension, and results in a more reliable safety model for construction professionals.

Graphical Abstract

1. Introduction

The construction industry is considered a dangerous workplace, where accidents result in casualties and considerable economic losses. In this respect, construction risks are possible and probable events that have the potential to damage people and property. An important requirement for sustainable construction delivery is site safety, ensuring a sustainable environment that protects the safety of construction employees. Despite some improvements in the sector and years of effort put into risk minimization, the situation regarding occupational safety and health (OSH)-related injuries and fatalities remains alarming [1] and is a constant concern [2], displaying high incident rates [3,4,5]. Research has focused on workplace safety, due to the vulnerable position of construction workers [6]. Studies have shown that one third of occupational accidents take place at construction sites [7]. Identifying potential sources of harm within the complex environment of construction sites is the initial stage of OHS risk assessment (RA) to mitigate or prevent construction accidents. RA represents a combined effort to identify events with the potential to cause harm, particularly to people (hazards), and to assess their severity impact. Conventional RA comprises three key stages: risk identification, analysis, and evaluation. In addition, the output of an RA may be responded to by any of the three main risk-treatment strategies: avoidance, transfer, or control. These risk-response strategies may be implemented after a risk event (reactive) or planned to prevent a potential risk event (proactive). In this regard, the objective of reactive risk-response measures is to reduce damage, whereas proactive risk-response strategies prevent the occurrence of a risk event. This has resulted in proactive risk-response strategies being replaced with reactive methods [8]. An effective proactive risk-response strategy requires implementing control strategies through a safety model [9] that formulates accident scenarios ahead of their occurrence. Thus, the representativeness of safety models in regard to real-life scenarios and their ability to offer close-to-accurate insight into possible hazard scenarios and their impacts (severity outcomes) are important indicators of their reliability. These parameters are essential for determining the effectiveness of a model.
As a branch of artificial intelligence (AI), machine learning (ML) models have recently received attention as a way to support the RA procedure [10,11] and predict the outcome of construction accidents [11,12,13,14,15]. However, the adopted construction severity classifiers cannot understand the dependency information among construction accidents, which reduces the comprehensiveness of the adopted ML-based safety predictors. All the models presented in the literature were trained over a tabular dataset with Euclidean distance (Figure 1a), and they presented issues in processing the dependency information that exists between real-life datasets.
Unlike ordered datasets with rows and columns and uniform distances between structured datapoints (such as spreadsheets), graph-structured datasets have a non-Euclidean structure: adjacent datapoints may or may not be categorized under the same features (Figure 1b). This enhances the representativeness of the input dataset into the high-level language (human-friendly language), which cannot be processed using conventional ML approaches. As demonstrated in Figure 1b, graph-structured datasets better represent the complexity of real-life scenarios through networks, storing Euclidean datasets in their vertices (nodes) and connectivity information in their links (edges). Because graph-structured datasets comprise both information within the tabular dataset and dependency information between different datapoints, they can extract more value from the existing information to train ML-based safety predictors. Recently, there has been a growing interest in learning non-Euclidean geometric data. However, the conventional ML approaches presented in the literature cannot process dependency information within graph-structured datasets. This limits the ability of ML to capture the complexity of real-life accident scenarios and consider it within severity prediction procedure.
Graph neural networks (GNNs) are ML approaches that can process the complexity of graph-structured datasets. Graph convolutional networks (GCNs) [16] are a recently developed GNN approach that have received attention owing to their success in various applications [17,18,19,20]. GCNs have proved successful in the construction safety management field for different tasks, such as tunnel-boring performance prediction and hazard classification [21,22]. Despite their ability to obtain richer information, the literature on construction safety still lacks a GNN-based construction severity predictor that accounts for dependency information among construction accidents. Therefore, this study implemented the GCN method and developed a more comprehensive construction safety model to improve the comprehensiveness of adopted safety models and associated RA procedures. Our model predicts the severity outcome of construction accidents by considering the dependency information between the accident datapoints. For this purpose, real-life construction accidents were first configured into a construction accident network, connecting construction accidents based on their shared project types.
In conducting this study to explore the prediction ability of a multilayer GCN algorithm that learns the connectivity between site accidents and project types, we had two primary motivations. First, we expected that obtaining richer information from existing construction safety datasets within the context of accidents connected according to their project type would offer an improved learning experience for the adopted predictive model. Second, we aimed to develop a construction accident severity prediction model that accounted for dependency information and could achieve a more accurate severity prediction. The novelty of this research is thus two-fold: (i) it provides a novel depiction of construction accidents through a graph-structured network (where the nodes are accidents connected according to project type), and (ii) it represents the first application of the multilayer GCN method for the severity prediction of construction accidents (accounting for dependency information between accident neighborhoods within a complex construction accident network). In order to demonstrate the effectiveness of the network representation of construction accidents in improving the learning ability of theML model, we developed a benchmark feedforward network (FFN) algorithm with roughly the same parameters as the GCN algorithm for the prediction of the severity outcomes of construction accidents.

2. Backgrounds

2.1. Machine Learning (ML) Methods as Construction Safety Models

Over the past decade, different ML approaches have been widely used, owing to their fast and accurate prediction ability [11,12,13,14,15,23]. Despite extensive research within other disciplines, the literature on ML in the field of construction is still scarce [11]. Artificial neural networks (ANNs) [12,24,25,26,27,28,29,30] and support vector machines (SVMs) [31,32,33] are the two most dominant ML approaches used in construction safety context. To a lesser extent, decision trees [32,34] and k-nearest neighbors (KNNs) [35] have also been explored as construction safety models. Recently, advanced ML approaches using deep neural network (DNN) layers have been explored. For example, a long short-term memory (LSTM) network was used to prevent gas-related accidents during tunnel excavation [36]. The procedures of previously adopted ML-based risk predictors mostly followed a similar pattern: the collected tabular dataset is pre-processed and split into training and test sets, and then the ML model is trained over the training set and evaluated over the test set. In addition, to increase the accuracy of individual ML-based safety predictor models, the bagging [37,38] and boosting [37,39] of ensemble ML models and the combination of several ML approaches have been investigated.
Moreover, hybrid models have been investigated in the literature to decrease the required computational effort and enhance the prediction accuracy of ML-based construction safety models by integrating ML with different optimization approaches, including engineering and dimensionality-reduction methods. An ANN-based model comprising latent class clustering analysis (LCCA) was adopted by Ayhan and Tokdemir [30]. Koc et al. [40] integrated discrete wavelet transform (DWT) with ANN, multivariate adaptive regression splines (MARS), and SVM to predict the number of daily occupational accidents in construction projects. Recently, convolutional neural network (CNN) [41] models have achieved success as predictive models for structured tabular data in applications such as traffic flow prediction [42]. The existing predictive ML models have focused on factoring in various aspects of the construction safety models that have been developed, such as the data collection method [11] and its balancing [43], the project type [12], and the correlation between accident attributes and their severity [44]. Toğan et al. [15] recently utilized a wide range of single (KNN, SVM, logistic regression, and Naïve Bayes) and ensemble (random forest, gradient boosting, and AdaBoosting) ML approaches within a customized automated ML model to predict the outcome of construction accidents. Their study suggested that the prediction ability of the adopted predictor depends on the input dataset and classification task. However, existing ML-based construction safety predictors cannot capture the connectivity among datasets embedded in the high-level language of a network. The reliability of ML depends on the selection of the ML approach and reliability of the input dataset. Otherwise, superficial knowledge can be learned from the input dataset, resulting in an unreliable outcome.
The literature on safety does not consider connectivity between construction accidents. Construction accident severity prediction using conventional ML approaches cannot benefit from the dependency information contained in real-life construction safety data. It is widely accepted that construction accidents have multiple causes [45,46] related to the specifics of the job, workers, and management. Linking construction accidents based on all their feature attributes and their project type, involves the creation of a complex network of accidents to form a comprehensive safety scenario. Achieving a more comprehensive safety scenario that contains richer information from a given construction accident dataset is expected to increase the model’s representativeness in relation to real-life complexity. Developing an ML-based safety model that better represents real-life construction accident scenarios would result in an intelligence closer to that of humans. The resulting network, compromising connectivity information, would better represent the nature of construction accidents and would thus be relatively reliable for predicting construction risks. However, dependency information in real-life datasets cannot be processed using existing ML-based construction safety models, such as ANN, LSTM, KNN, and SVM.

2.2. Graph Convolutional Network (GCN)

Feeding connectivity information to ML models facilitates learning by incorporating more representative datasets. One method to better represent accident records is to link them to different project types. Tunnel construction, for example, is far riskier than the construction of leisure parks or warehouses. In addition, the structural relationship between site accidents and project type must be illustrated and loaded into the machine using graph representation learning [47]. The utilization of relation-aware representation (RAR) for accident records should increase the reliability of construction accident prediction outcome. A graph convolutional network (GCN) is a RAR method that combines CNN and GNN models by utilizing linear activations among the convolutional layers. The convolutional mechanism is the filtering procedure for loading a matrix from the dataset into the adopted ML model. The GCN procedure is illustrated in Figure 2.
GCNs have proved successful in a variety of applications since 2017, including social networks [18], social recommendations [48], paper citations [17,19], and chemistry [19]. Gao et al. [49] utilized a GCN as an unsupervised feature-extraction technique to obtain a topological gas pipeline network that was distinct from its input features. GCNs have recently been utilized for various applications [17,18,19,20] within the engineering [50] and construction management domains. Pan et al. [22] predicted the performance of tunnel-boring machines by adopting a GCN model. Their study demonstrated the superior performance of GCNs over conventional ML approaches such as deep neural networks (DNNs), SVM, and RF. The rapid expansion of RAR and graph learning topics has encouraged the application of this approach in the field of construction management, particularly construction safety. To this end, recently, Tian et al. [21] adopted a GCN incorporating bidirectional long short-term memory (BiLSTM) to classify construction safety texts. Their study highlighted the ability of GCNs to encode syntactic and semantic feature attributes from a textural context. Motivated by the success of the GCN predictors and their ability to understand the dependency information within construction safety datasets, we develop a novel GCN accident severity classifier and a construction accident network that extracts richer information from existing datasets, aiming to increase the comprehensiveness of construction risk prediction.

3. Methodology

In this study, we adopted a GCN to classify the severity outcomes of construction accidents and increase the comprehensiveness and representativeness of theconstruction safety model, relying on its ability to process the dependency information within construction safety datasets. The developed construction accident severity predictor is shown in Figure 3.
As shown in Figure 3, the objective of this study was achieved through the following steps: first, a real-life construction safety dataset was processed; second, the conventional tabular dataset was reconfigured into a construction accident network; third, the resulting construction accident network was processed using the GCN model to predict the severity outcomes of construction accidents. A feedforward network (FFN) model was configured as a benchmark for the performance of the developed GCN approach. The developed predictor was coded using Python language in the Google Colab environment while adopting the Keras example library [51] on a paper citation classification project, an approach inspired by Kipf and Welling [16].

3.1. Data Description and Preprocessing

This study utilized 5224 construction site accident datasets [12] collected between 2014 and 2017 from 73 construction projects within the Euro–Asia region. The names of the construction projects were sscribbled to protect the privacy of the participating construction companies. Based on their types, each project was assigned to one of the following project categories: assembly, residential, institutional, commercial, industrial, education, healthcare, oil, gas, or park. This project categorization was carried out by considering the intrinsic safety environment of each construction project. For example, plants and refinery projects were placed under the category of industrial projects; offices and shopping malls under commercial projects; and the more hazardous oil and gas projects were grouped separately. The obtained accident dataset, containing 12 accident features and 94 attributes and their frequencies, is presented in Table 1.
The severity outcome of each accident (PC3) was first divided into six categories and then further categorized into two classes: high-severity (HS) and low-severity (LS). In this respect, near-miss and material damage outcomes were categorized as LS, whereas accidents that resulted in a fatality, medical/first-aid intervention, or workday loss were categorized as HS, similar to [30]. The outcome severity feature contained 4864 high-risk and 360 low-risk attributes.

3.2. Construction Accident Network

We first pre-processed the construction accident dataset into a construction accident network (Table 1) for later processing using the GCN severity outcome predictor. For this purpose, construction accident features, excluding accident IDs (PC1) and severity outcomes (PC3), were first dummy-encoded. This resulted in a dataset with 5224 rows and 75 binary columns, along with the accident ID and severity columns (Figure 4a).
Additionally, the connectivity information was placed in the second dataset (the connectivity dataset), demonstrating the dependency between accident IDs (Figure 4a). In the connectivity dataset, accident IDs were linked based on shared project types (PC2). The configuration of the sample construction accident node is illustrated in Figure 5.
The nodal and accident connectivity datasets were used as the input for the GCN severity predictor, providing the structure of the construction accident networks. In this study, a construction accident network comprised 5224 accident nodes and 2,833,076 connectivity edges. Loading and processing the information within GNN-based models is a challenging task that is addressed through different approaches. In this study, the graph dimension was adjusted to 5224, allowing the model to accept the training input size as well as the test and evaluation sets. In other words, the construction of the graph model in the Keras library was utilized for structuring the properties of the prediction model; thus, it was not used as the input dataset for training the model. Figure 6 shows the configured accident network.
Note that due to the large number of nodes and edges, the depiction of the whole accident network (Figure 6c) could not illustrate the details of the nodal arrangement, and thus samples of single nodes (Figure 6a) and groups of connected accident nodes (Figure 6b) are also depicted. In addition, as shown in Figure 6c, the nine project type (PC2) attributes created nine independent subnetworks within the main construction accident network. We did not add weights to the connectivity information; thus, all the nodes in a neighborhood were separated by the same distance.

3.3. Configuring the GCN Model

The GCN predictor was configured using three main procedures: message preparation, aggregation, and updating. Figure 7 outlines the main steps of the GCN approach for processing the received construction accident network, along with severity outcome prediction.
Message preparation was performed using a feedforward (FFN) model by processing node information using a linear activation function (Figure 8).
The initial node representation was prepared using an FFN block comprising a batch normalization layer, dropout layer, and dense layer. Generally, in GCN models, nonlinear activation functions are used for processing the learned stacked layers [20]. In this study, we used the Gaussian error linear unit (GELU) and therefore collapsed the weight matrices between consecutive layers [20]. The message prepared by the first FFN block was processed with two GCN layers, comprising message aggregation and updating (Figure 9).
As detailed in Figure 9, upon receiving and stacking all the information from the connected accident nodes, the received node information was aggregated. Here, the summation method was used to aggregate the messages from the adjacent nodes in the neighborhood of each construction accident. The generated node representation was sent to the graph convolutional layers for convolutional operations. Unlike structured grids of image pixels, graph representation involves unstructured grids, so FFN blocks cannot be directly used. However, GCNs generalize the stacking operation of convolution layers from a structured dataset to a graph-structured dataset [52], which allowed us to extract high-level construction accident nodes and translate them into the language of the adopted model. Thus, the GCN algorithm received the information from all the accident nodes in the neighborhood of a single accident node and then stacked all the received information in that node (Figure 9). The developed GCN classifier comprised two graph convolutional layers, where each layer concatenated the mean information received from the neighborhood.
Furthermore, the FFN blocks were also utilized within the post-processing stages of the GCN algorithms; therefore, adjusting their parameters directly influenced the performance of the GCN algorithm (Figure 7). Because the node convolution operation involved partial information loss, four skip connections were used to send information outside the convolutional layers. The outcome of the convolutional layers and skip connections allowed the model to learn the embeddings of the construction accident records. The final embedding was post-processed using a Softmax layer to determine the severity level of the construction accidents.

3.4. Model Training

The input parameters used for configuring the FFN and GCN layers are listed in Table 2.
In this study, half of the accident records associated with each attribute of the severity features were selected for training the models. The other half were allocated to model testing and validation, i.e., 85% were separated to test the model on the unseen dataset, and 15% were used to validate the model prediction during training and enhance its generalization ability. Therefore, when the model received the 2556 training examples for the two-level classification task, it created an output with a shape of 2556 × 2. In addition, a random generator from the NumPy library was used to select the index values of the accident records. This resulted in statistically different training, test, and validation datasets. Regarding the activation function, linear activation functions in both the FFN and GCN algorithms were employed to reduce the model complexity. This procedure could be performed using different numbers of GCN layers. The addition of several convolution layers increases the prediction accuracy but also smoothens the model by obtaining similar embeddings for all accident nodes [51]. Therefore, a trade-off must be achieved between the accuracy obtained by the number of GCN layers and the generalization ability of the model, considering the size and dimensions of the utilized dataset. In this study, a GCN algorithm with a dense input and output layer containing two graph convolution layers was built over the FFN blocks. The final GCN model was created using the parameters listed in Table 2 and the hyperparameters described in Table 3.
To compare the developed GCN severity predictor with conventional ML approaches, an ANN-based severity predictor was created using FFN, adopting the procedure outlined in Figure 8 and with roughly the same parameters as the GCN algorithm (Table 3).

3.5. Model Evaluation

The learning performance of both the FFN and GCN algorithms was measured in terms of accuracy, generalization ability, and computational cost. The FFN and GCN accuracies are shown in Figure 10.
Both benchmark FFN and GCN algorithms displayed high prediction accuracies of 94.2% and 94.47%, respectively, after 116 and 186 epochs, respectively. The difference between the training and test accuracies and loss plots determined the generalization ability of both models. In this regard, as Figure 10 shows, there was a 2% difference between the training and test results in the FFN algorithm, whereas the GCN algorithm showed good generalization ability in earlier epochs and had improved by the last epochs. While the accuracy reflected the number of correct predictions, the loss metric indicated the number of incorrect severity predictions between the FFN and GCN models (Figure 11).
The GCN algorithm outperformed the benchmark FFN algorithm in terms of prediction accuracy and generalization ability. The FFN and GCN algorithms were each evaluated 10 times to assess their robustness, with different training, test, and validation sets were selected at random for each evaluation (Table 3).
As shown in Table 4, the FFN and GCN models demonstrated 93.90% and 93.96% average prediction accuracies, respectively. While the main objective of this study was to increase the quality of construction safety models in terms of enhancing their representation ability in terms of real-life construction accident datasets, the results demonstrated a slight improvement in prediction accuracy and better generalization ability compared with FFN. However, the FFN algorithm cannot learn dependency information, which restricts its ability to understand the context of construction safety datasets to the same extent as the GCN model. The context of the input dataset is of vital importance to the reliability of ML approaches, because they are prone to superficial learning by understanding the pattern even within irrelevant dataset, which reduces the reliability of predictor. The GCN predictor adopted in this study achieved a good prediction accuracy as a deep learning approach by processing a greater amount of complex and challenging contextual information from the construction accident dataset.
Additionally, as shown in Table 5, the computational costs of the FFN and GCN algorithms were evaluated in terms of their CPU usage and actual wall time.
In terms of the computational cost, the benchmark FFN algorithm was computationally more efficient than the GCN algorithm. This was due to the loading of the two graph convolutional layers with the entire graph dataset. The proposed GCN algorithm must be fitted entirely within the system, which results in CPU overloading when using big data.

4. Discussion and Recommendations

An important principle for maintaining sustainability within construction organizations is to protect the safety of the employees, especially site workers. Maintaining site safety during construction is a complex managerial challenge that demands the holistic supervision of all site jobs, processes, teams, and workers. Therefore, identifying the cause of construction accidents is a complicated task involving many factors. In this study, the first challenge was to connect the accident nodes within the network and load the connectivity information from high-level to low-level language that the machine could understand. Training an ML model over a non-Euclidean data structure is challenging [51] because it requires encoding both nodal and connectivity datasets into the machine’s language. High-level information, such as networks, is user-oriented and closer to the understanding of human intelligence, and is thus not machine-oriented. Considering this, the developed GCN could process complex non-Euclidean structure datasets [53] through an encoding and decoding procedure that translated the high-level relational information within the construction accident network into the low-level language of machine. Here, the GCN functioned as a special case of a CNN [54] that generalized its convolution mechanism [52] to receive the decoded network information, generalizing the convoluted layers. The encoding and decoding mechanisms allowed both nodal and connectivity information to be received. In contrast, the convolutional mechanism benefits from the high prediction accuracy of strong ML predictors such as CNNs.
It should also be noted that the results confirmed the model’s suitability for a dataset of less than 10k; for a larger dataset, the number of convolutional layers would have to be increased. However, it is important to maintain a balance between the accuracy obtained by increasing the number of graph convolutional layers and the smoothness of the model (the overfitting issue). In addition, the GCN algorithm using the accident network developed in this study provided high prediction accuracy without overfitting. The high accuracy achieved by this model encourages the development of more complicated accident networks in which the relationships among other accident features are also considered. The effective utilization of the method developed herein would require the creation of meaningful links between construction accidents rather than an exclusive focus on model accuracy. Compared with the benchmark FFN algorithm, the GCN algorithm achieved improved accuracy and generalization ability. This may have been because of the richer information obtained from the existing accident dataset. Thus, applying the method developed in this study on the other datasets, used in existing ML-based safety models, is expected to achieve a better performance.
The main objective of this study was to develop a construction severity predictor that factored in the dependency information among accidents at different construction sites during different projects. This enabled the multilayer GCN algorithm to better learn the embedded features within the dataset by receiving accident-to-project connectivity information. Despite the configured construction accident network, implementing the developed GCN severity predictor was straightforward due to the automation of node selection, encoding, embedding representation, and graph formation up to severity classification, which made the model practical and effective. Depicting connectivity between worker age and experience, or between hazardous activity and time of day, for example, should allow a richer learning process.
In this study, we developed a novel GNN-based construction safety model, which remains to be explored further from practical and technical perspectives. The results of this study showed that the GCN demonstrated a better generation ability and slightly improved prediction accuracy compared with FFN while processing unstructured (graph-structured) construction accident datasets. From a practical perspective, the model could be further explored using different connectivity information that better represents the reality of construction accident records. In addition, the selection of safety features as nodal attributes could be explored using different feature engineering approaches. Below, we highlight the SWOT analysis of the developed GCN construction severity predictor from a technical perspective.
Strengths: ML allows the solution of practical problems through learning from past information. In this regard, GCNs’ ability to understand the complex dependency information that exists in real-life datasets (such as construction safety datasets) comes at the price of difficult regularizing the complex non-Euclidean datasets. Our results suggested that ML-based construction safety models can move beyond the limits of structured datasets and understand a greater extent from the contextual dependency information within complex real-life safety datasets. Although different ML-based predictors have been developed in the construction safety literature, the quality of the safety model depends on the quality of the input safety dataset. The ability to incorporate the dependency information between construction accidents along with the accident dataset enhances the quality of the input safety dataset, which, in turn, enhances the quality of the resulting safety model.
Weaknesses: It should also be noted that the developed safety model was tested over a randomly selected subset of the collected accident dataset, and that the remained data was used for training the model. Although the test and training sets were separated, they were still obtained from the same dataset and had a consistent data collection system. Thus, testing the developed GCN severity predictor over an accident dataset collected according to different features and attributes might demonstrate the detachment of the predictor model from the reality of the input dataset, using a shortcut learning approach. However, the abovementioned knowledge issue related to the ML-based predictor is not specific to the developed GCN model and is still an ongoing issue for other DNN approaches, such as FFN.
Opportunities: This study contributes to existing ML-based approaches in the construction safety literature through its data-centric approach. The literature has proven the abilities of different ML approaches for various prediction tasks using different datasets. The developed GCN construction severity predictor adopted a DNN predictor that extracted richer contextual information from construction safety records. As this study considered only one type of dependency information, the topic remains to be investigated in regard to other types of meaningful connectivity information. Likewise, the arrangement of information on accident nodes should be explored further through the creation of other construction safety networks, e.g., by connecting the root causes of construction accidents.
Threats: As discussed earlier, the entire construction safety network was fed into the GCN model, using entire dataset for constructing the predictor and training it over the 2556-item training set. This increased the computational cost of the GCN model; thus, the model could be further improved through approaches such as random walk.
Finally, the GCN model trained using the past accident dataset was able to classify the severity outcomes of new construction accident records. This would allow construction professionals to flag severe accidents by evaluating different scenarios for a specific construction project using the GCN model. For example, the user defines the prediction input by detailing accident scenarios (e.g., worker age and experience) associated with a housing project. The GCN model predicts the severity outcome of the entered construction accident scenario while considering the dependency of the input dataset on previous accidents within housing projects. Perceiving accident information within project types allows decision-makers to consider project-specific risks. The type of project routinely determines the kind of construction activities and the associated hazards, managerial structure, and health and safety culture of the project team. Therefore, linking construction accidents through their shared project attributes would allow the mentioned items to be factored in as existing accident attributes. The improved representativeness and use of input accident data by the proposed GCN model provides an enhanced risk prediction model for construction sites.

5. Conclusions

Through a graph-structured accident network, in this study we proposed an accident severity prediction model that benefits from connectivity and embedded safety information to extract richer information from existing safety datasets, resulting in more accurate severity prediction of construction accidents. The conclusions were as follows:
(1)
This study created a construction accident network by establishing connectivity among construction accidents based on shared project types. The accident network consisted of nine project-type edges, which formed nine separate subgraphs within the main accident graph. Ten safety features with 98 attributes were added to each accident node to define the characteristics of each accident.
(2)
High-level graph information was represented by mapping the construction accident in terms of its project type, which resulted in a safety model that better represented the reality of construction accidents in the context of different project types. The enhanced representation of the accident dataset as the model input provided a real-world dataset for the risk-prediction model.
(3)
The proposed severity prediction method has other desirable properties, including good generalization ability and high prediction accuracy for different dataset sizes, achieved by varying the number of graph convolutions.
(4)
The GCN algorithm displayed a better prediction accuracy and generalization ability than the benchmark FFN algorithm. Compared to the structured safety features loaded into the FFN algorithm, the graph-structured dataset containing embedded connectivity information improved the prediction ability of the GCN algorithm. By comparing an enhanced accident input and a newly developed GCN algorithm, the proposed risk-prediction model offers risk prediction with better visibility for construction professionals.
(5)
The computational cost of the GCN algorithm was higher than that of the benchmark FFN algorithm. This was due to the processing of the complete graph of the GCN model, which increased the loading on the available RAM. However, adopting optimization methods or sampling techniques, such as taking an unbiased random walk inside the graph space, would reduce the computational cost of the GCN algorithm.
(6)
The developed construction safety model could be enhanced to predict construction risks based on project type, along with other input attributes, such as the age and experience of the worker, the activity performed, and workplace and human factors. This would allow construction professionals to evaluate different accident scenarios and flag high-risk accident scenarios while considering dependency information based on the construction project type. This is expected to enhance the information gain of ML-based severity predictors and, in turn, improve associated RA procedures.

Author Contributions

F.M. and V.T. conceived this study and were responsible for the design, conceptualization, formal analysis, writing, review, and editing. Y.E.A. and O.B.T. were responsible for data curation and acquisition, review, editing, and preparing the resources. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no funding.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The data presented in this study are available on request from the corresponding author.

Conflicts of Interest

The authors have no competing financial interests or personal relationships that influenced the work reported in this paper. The authors declare no conflict of interest.

References

  1. Akram, R.; Thaheem, M.J.; Khan, S.; Nasir, A.R.; Maqsoom, A. Exploring the Role of BIM in Construction Safety in Developing Countries: Toward Automated Hazard Analysis. Sustainability 2022, 14, 12905. [Google Scholar] [CrossRef]
  2. Zhao, D.; McCoy, A.; Kleiner, B.; Feng, Y. Integrating Safety Culture into OSH Risk Mitigation: A Pilot Study on the Electrical Safety. J. Civ. Eng. Manag. 2016, 22, 800–807. [Google Scholar] [CrossRef]
  3. Wilkins, J.R. Construction Workers’ Perceptions of Health and Safety Training Programmes. Constr. Manag. Econ. 2011, 29, 1017–1026. [Google Scholar] [CrossRef]
  4. Koc, K.; Ekmekcioğlu, Ö.; Gurgun, A.P. Integrating Feature Engineering, Genetic Algorithm and Tree-Based Machine Learning Methods to Predict the Post-Accident Disability Status of Construction Workers. Autom. Constr. 2021, 131, 103896. [Google Scholar] [CrossRef]
  5. Cheng, M.Y.; Kusoemo, D.; Gosno, R.A. Text Mining-Based Construction Site Accident Classification Using Hybrid Supervised Machine Learning. Autom. Constr. 2020, 118, 103265. [Google Scholar] [CrossRef]
  6. Bentoy, M.; Mata, M.; Bayogo, J.; Vasquez, R.; Almacen, R.M.; Evangelista, S.S.; Wenceslao, C.; Batoon, J.; Lauro, M.D.; Yamagishi, K.; et al. Complex Cause-Effect Relationships of Social Capital, Leader-Member Exchange, and Safety Behavior of Workers in Small-Medium Construction Firms and the Moderating Role of Age. Sustainability 2022, 14, 12499. [Google Scholar] [CrossRef]
  7. Dėjus, T.; Antuchevičienė, J. Assessment of Health and Safety Solutions at a Construction Site. J. Civ. Eng. Manag. 2013, 19, 728–737. [Google Scholar] [CrossRef]
  8. Oguz Erkal, E.D.; Hallowell, M.R.; Bhandari, S. Practical Assessment of Potential Predictors of Serious Injuries and Fatalities in Construction. J. Constr. Eng. Manag. 2021, 147, 04021129. [Google Scholar] [CrossRef]
  9. Khan, F.; Rathnayaka, S.; Ahmed, S. Methods and Models in Process Safety and Risk Management: Past, Present and Future. Process Saf. Environ. Prot. 2015, 98, 116–147. [Google Scholar] [CrossRef]
  10. Kononenko, I.; Kukar, M. Introduction. In Machine Learning and Data Mining, 1st ed.; Horwood Publishing: Chichester, UK, 2007; pp. 1–36. ISBN 978-1-904275-21-3. [Google Scholar]
  11. Poh, C.Q.X.; Ubeynarayana, C.U.; Goh, Y.M. Safety Leading Indicators for Construction Sites: A Machine Learning Approach. Autom. Constr. 2018, 93, 375–386. [Google Scholar] [CrossRef]
  12. Ayhan, B.U.; Tokdemir, O.B. Safety Assessment in Megaprojects Using Artificial Intelligence. Saf. Sci. 2019, 118, 273–287. [Google Scholar] [CrossRef]
  13. Gao, Y.; González, V.A.; Yiu, T.W.; Cabrera-Guerrero, G.; Li, N.; Baghouz, A.; Rahouti, A. Immersive Virtual Reality as an Empirical Research Tool: Exploring the Capability of a Machine Learning Model for Predicting Construction Workers’ Safety Behaviour. Virtual Real. 2022, 26, 361–383. [Google Scholar] [CrossRef]
  14. Abbasianjahromi, H.; Aghakarimi, M. Safety Performance Prediction and Modification Strategies for Construction Projects via Machine Learning Techniques. Eng. Constr. Archit. Manag. 2021; ahead-of-print. [Google Scholar] [CrossRef]
  15. Toğan, V.; Mostofi, F.; Ayözen, Y.E.; Tokdemir, O.B. Customized AutoML: An Automated Machine Learning System for Predicting Severity of Construction Accidents. Buildings 2022, 12, 1933. [Google Scholar] [CrossRef]
  16. Kipf, T.N.; Welling, M. Semi-Supervised Classification with Graph Convolutional Networks. arXiv 2017, arXiv:1609.02907. [Google Scholar]
  17. Abu-El-Haija, S.; Kapoor, A.; Perozzi, B.; Lee, J. N-GCN: Multi-Scale Graph Convolution for Semi-Supervised Node Classification. arXiv 2018, arXiv:1802.08888. [Google Scholar]
  18. Chen, L.; Xie, Y.; Zheng, Z.; Zheng, H.; Xie, J. Friend Recommendation Based on Multi-Social Graph Convolutional Network. IEEE Access 2020, 8, 43618–43629. [Google Scholar] [CrossRef]
  19. Liao, R.; Zhao, Z.; Urtasun, R.; Zemel, R.S. LanczosNet: Multi-Scale Deep Graph Convolutional Networks. arXiv 2019, arXiv:1901.01484. [Google Scholar]
  20. Wu, F.; Zhang, T.; de Souza, A.H.; Fifty, C.; Yu, T.; Weinberger, K.Q. Simplifying Graph Convolutional Networks. arXiv 2019, arXiv:1902.07153. [Google Scholar]
  21. Tian, D.; Li, M.; Han, S.; Shen, Y. A Novel and Intelligent Safety-Hazard Classification Method with Syntactic and Semantic Features for Large-Scale Construction Projects. J. Constr. Eng. Manag. 2022, 148, 04022109. [Google Scholar] [CrossRef]
  22. Pan, Y.; Fu, X.; Zhang, L. Data-Driven Multi-Output Prediction for TBM Performance during Tunnel Excavation: An Attention-Based Graph Convolutional Network Approach. Autom. Constr. 2022, 141, 104386. [Google Scholar] [CrossRef]
  23. Koc, K.; Ekmekcioğlu, Ö.; Gurgun, A.P. Prediction of Construction Accident Outcomes Based on an Imbalanced Dataset through Integrated Resampling Techniques and Machine Learning Methods. Eng. Constr. Archit. Manag. 2022; ahead-of-print. [Google Scholar] [CrossRef]
  24. Lee, J.; Yoon, T.; Kwon, S.; Lee, J. Model Evaluation for Forecasting Traffic Accident Severity in Rainy Seasons Using Machine Learning Algorithms: Seoul City Study. Appl. Sci. 2020, 10, 129. [Google Scholar] [CrossRef] [Green Version]
  25. Sarkar, S.; Pramanik, A.; Maiti, J.; Reniers, G. Predicting and Analyzing Injury Severity: A Machine Learning-Based Approach Using Class-Imbalanced Proactive and Reactive Data. Saf. Sci. 2020, 125, 104616. [Google Scholar] [CrossRef]
  26. Ayhan, B.U.; Tokdemir, O.B. Predicting the Outcome of Construction Incidents. Saf. Sci. 2019, 113, 91–104. [Google Scholar] [CrossRef]
  27. Antwi-Afari, M.F.; Li, H.; Yu, Y.; Kong, L. Wearable Insole Pressure System for Automated Detection and Classification of Awkward Working Postures in Construction Workers. Autom. Constr. 2018, 96, 433–441. [Google Scholar] [CrossRef]
  28. Adedigba, S.A.; Khan, F.; Yang, M. Dynamic Failure Analysis of Process Systems Using Neural Networks. Process Saf. Environ. Prot. 2017, 111, 529–543. [Google Scholar] [CrossRef]
  29. Ma, Y.; Chowdhury, M.; Sadek, A.; Jeihani, M. Real-Time Highway Traffic Condition Assessment Framework Using Vehicle–Infrastructure Integration (VII) with Artificial Intelligence (AI). IEEE Trans. Intell. Transp. Syst. 2009, 10, 615–627. [Google Scholar] [CrossRef]
  30. Ayhan, B.U.; Tokdemir, O.B. Accident Analysis for Construction Safety Using Latent Class Clustering and Artificial Neural Networks. J. Constr. Eng. Manag. 2020, 146, 04019114. [Google Scholar] [CrossRef]
  31. Matías, J.M.; Rivas, T.; Martín, J.E.; Taboada, J. A Machine Learning Methodology for the Analysis of Workplace Accidents. Int. J. Comput. Math. 2008, 85, 559–578. [Google Scholar] [CrossRef]
  32. Chong, M.; Abraham, A.; Paprzycki, M. Traffic Accident Analysis Using Machine Learning Paradigms. Informatica 2005, 29, 89–98. [Google Scholar] [CrossRef]
  33. Liang, Y.; Reyes, M.L.; Lee, J.D. Real-Time Detection of Driver Cognitive Distraction Using Support Vector Machines. IEEE Trans. Intell. Transp. Syst. 2007, 8, 340–350. [Google Scholar] [CrossRef]
  34. Mistikoglu, G.; Gerek, I.H.; Erdis, E.; Mumtaz Usmen, P.E.; Cakan, H.; Kazan, E.E. Decision Tree Analysis of Construction Fall Accidents Involving Roofers. Expert Syst. Appl. 2015, 42, 2256–2263. [Google Scholar] [CrossRef]
  35. Farid, A.; Abdel-Aty, M.; Lee, J. A New Approach for Calibrating Safety Performance Functions. Accid. Anal. Prev. 2018, 119, 188–194. [Google Scholar] [CrossRef] [PubMed]
  36. Li, P.; Li, K.; Wang, F.; Zhang, Z.; Cai, S.; Cheng, L. A Novel Method for Gas Disaster Prevention during the Construction Period in Coal Penetration Tunnels—A Stepwise Prediction of Gas Concentration Based on the LSTM Method. Sustainability 2022, 14, 12998. [Google Scholar] [CrossRef]
  37. Farid, A.; Abdel-Aty, M.; Lee, J. Comparative Analysis of Multiple Techniques for Developing and Transferring Safety Performance Functions. Accid. Anal. Prev. 2019, 122, 85–98. [Google Scholar] [CrossRef]
  38. Tixier, A.J.P.; Hallowell, M.R.; Rajagopalan, B.; Bowman, D. Application of Machine Learning to Construction Injury Prediction. Autom. Constr. 2016, 69, 102–114. [Google Scholar] [CrossRef] [Green Version]
  39. Ding, C.; Wu, X.; Yu, G.; Wang, Y. A Gradient Boosting Logit Model to Investigate Driver’s Stop-or-Run Behavior at Signalized Intersections Using High-Resolution Traffic Data. Transp. Res. Part C Emerg. Technol. 2016, 72, 225–238. [Google Scholar] [CrossRef]
  40. Koc, K.; Ekmekcioğlu, Ö.; Gurgun, A.P. Accident Prediction in Construction Using Hybrid Wavelet-Machine Learning. Autom. Constr. 2022, 133, 103987. [Google Scholar] [CrossRef]
  41. Milosevic, N. Introduction to Convolutional Neural Networks. 2020. Available online: https://link.springer.com/video/10.1007/978-1-4842-5648-0 (accessed on 28 November 2022).
  42. Zhang, W.; Yu, Y.; Qi, Y.; Shu, F.; Wang, Y. Short-Term Traffic Flow Prediction Based on Spatio-Temporal Analysis and CNN Deep Learning. Transp. A Transp. Sci. 2019, 15, 1688–1711. [Google Scholar] [CrossRef]
  43. Zhu, R.; Hu, X.; Hou, J.; Li, X. Application of Machine Learning Techniques for Predicting the Consequences of Construction Accidents in China. Process Saf. Environ. Prot. 2021, 145, 293–302. [Google Scholar] [CrossRef]
  44. Ayhan, B.U.; Doğan, N.B.; Tokdemir, O.B. An Association Rule Mining Model for the Assessment of the Correlations between the Attributes of Severe Accidents. J. Civ. Eng. Manag. 2020, 26, 315–330. [Google Scholar] [CrossRef] [Green Version]
  45. Zhou, Z.; Irizarry, J.; Guo, W. A Network-Based Approach to Modeling Safety Accidents and Causations within the Context of Subway Construction Project Management. Saf. Sci. 2021, 139, 105261. [Google Scholar] [CrossRef]
  46. Chen, F.; Wang, H.; Xu, G.; Ji, H.; Ding, S.; Wei, Y. Data-Driven Safety Enhancing Strategies for Risk Networks in Construction Engineering. Reliab. Eng. Syst. Saf. 2020, 197, 106806. [Google Scholar] [CrossRef]
  47. Hamilton, W.L. Graph Representation Learning; Synthesis Lectures on Artificial Intelligence and Machine Learning (SLAIML); Springer: Cham, Switzerland, 2020; Volume 14. [Google Scholar] [CrossRef]
  48. Wu, L.; Sun, P.; Hong, R.; Fu, Y.; Wang, X.; Wang, M. SocialGCN: An Efficient Graph Convolutional Network Based Model for Social Recommendation. arXiv 2018, arXiv:1811.02815. [Google Scholar]
  49. Gao, L.; Lu, P.; Ren, Y. A Deep Learning Approach for Imbalanced Crash Data in Predicting Highway-Rail Grade Crossings Accidents. Reliab. Eng. Syst. Saf. 2021, 216, 108019. [Google Scholar] [CrossRef]
  50. Liu, J.; Luo, H.; Liu, H. Deep Learning-Based Data Analytics for Safety in Construction. Autom. Constr. 2022, 140, 104302. [Google Scholar] [CrossRef]
  51. Salama, K. Node Classification with Graph Neural Networks. Available online: https://keras.io/examples/graph/gnn_citations/ (accessed on 31 March 2022).
  52. Wu, Z.; Pan, S.; Chen, F.; Long, G.; Zhang, C.; Yu, P.S. A Comprehensive Survey on Graph Neural Networks. IEEE Trans. Neural Netw. Learn. Syst. 2021, 32, 4–24. [Google Scholar] [CrossRef] [Green Version]
  53. Zhou, J.; Cui, G.; Hu, S.; Zhang, Z.; Yang, C.; Liu, Z.; Wang, L.; Li, C.; Sun, M. Graph Neural Networks: A Review of Methods and Applications. AI Open 2020, 1, 57–81. [Google Scholar] [CrossRef]
  54. Zhang, Z.; Chen, L.; Zhong, F.; Wang, D.; Jiang, J.; Zhang, S.; Jiang, H.; Zheng, M.; Li, X. Graph Neural Network Approaches for Drug-Target Interactions. Curr. Opin. Struct. Biol. 2022, 73, 102327. [Google Scholar] [CrossRef] [PubMed]
Figure 1. Illustration of (a) structured dataset and (b) unstructured dataset.
Figure 1. Illustration of (a) structured dataset and (b) unstructured dataset.
Sustainability 14 15906 g001
Figure 2. Outline of a graph convolutional network (GCN) procedure.
Figure 2. Outline of a graph convolutional network (GCN) procedure.
Sustainability 14 15906 g002
Figure 3. Outline of the construction accident severity predictor.
Figure 3. Outline of the construction accident severity predictor.
Sustainability 14 15906 g003
Figure 4. Screenshots of the obtained (a) node and (b) connectivity datasets in Python environment.
Figure 4. Screenshots of the obtained (a) node and (b) connectivity datasets in Python environment.
Sustainability 14 15906 g004
Figure 5. Configuration of a sample construction accident node.
Figure 5. Configuration of a sample construction accident node.
Sustainability 14 15906 g005
Figure 6. Details of (a) a single node, (b) 1500 accident samples, and (c) main accident network.
Figure 6. Details of (a) a single node, (b) 1500 accident samples, and (c) main accident network.
Sustainability 14 15906 g006
Figure 7. Outline of GCN model.
Figure 7. Outline of GCN model.
Sustainability 14 15906 g007
Figure 8. Details of a feedforward network (FFN) block.
Figure 8. Details of a feedforward network (FFN) block.
Sustainability 14 15906 g008
Figure 9. GCN outline for receiving, aggregating, and updating messages from the accident network.
Figure 9. GCN outline for receiving, aggregating, and updating messages from the accident network.
Sustainability 14 15906 g009
Figure 10. Training (validation) and test accuracy of the FFN and GCN algorithms.
Figure 10. Training (validation) and test accuracy of the FFN and GCN algorithms.
Sustainability 14 15906 g010
Figure 11. Training (validation) and test loss of FFN and GCN algorithms.
Figure 11. Training (validation) and test loss of FFN and GCN algorithms.
Sustainability 14 15906 g011
Table 1. Details of the accident dataset.
Table 1. Details of the accident dataset.
VariableFeatureAttributeFrequency
PC1Accident IDNumerical5224
PC2Project typesIndustrial buildings1709
Commercial building projects1265
Residential building projects756
Educational building projects620
Oil and gas projects284
Institutional building projects220
Healthcare building projects197
Assembly building projects163
Park project10
PC3Accident severityFirst aid3070
Medical intervention1393
Workday loss397
Near miss244
Material damage116
Fatality4
PC4Age25–352193
18–251583
35–45970
45–65478
PC5Time of dayPM2789
AM2435
PC6 0–1 month1028
1–3 months1832
3–6 months1255
6–12 months882
12–24 months227
PC7Human factorsProblems resulting from poor management system1493
Problems resulting from unbalanced workload1187
Insufficient skill and perception1096
Physical disability441
Faulty management system357
Problems related to education level285
Others275
Psychological disability90
PC8Risky behaviorsInability to perceive external risks3190
Violation of safe work policy505
Incorrect physical movement438
Incorrect/absence of safe work policy425
Tending to use a shortcut329
Incorrect usage of equipment and handtools214
Others119
Working on energized equipment4
PC9Hazardous casesNcrs in the working environment2652
Ncrs in safety protection measures818
Others754
Mechanical hazards/Ncrs382
Natural hazards176
Radiation exposure51
Chemical hazards26
Fire or explosion18
NCRs in the usage of handtools/equipment/construction equipment347
PC10OccupationRough work crew2140
Mechanical assembly crew1419
Finishing work crew649
Repairman412
Others221
Engineer140
Administrative affairs102
Construction equipment operator41
PC11Workplace factorsMethod of statement problems1037
Inadequate incident analysis systems959
Inadequate communication873
Inadequate management system691
Inadequate maintenance mechanism485
Insufficient control or tracking445
Others365
Lack of OHS training202
Inaccurate protection measures107
Inaccurate recruitment procedures60
PC12ActivityDaily activities906
Re-bar/formwork installation805
Assembly works787
Usage of handtools/equipment707
Lifting operations470
Welding/hot works456
Working with chemicals348
Finishing works341
Concreting92
Repair/maintenance works59
Excavation works24
Working at height24
Field measurement works21
Testing works14
Working with chemical materials12
Mobilization on/off site9
Landscaping works7
Cable-pipe assembly/working with containments6
Geotechnical works2
Material drop1
Transportation/construction equipment/usage of vehicle133
Table 2. Hyperparameters used in FFN and GCN algorithms.
Table 2. Hyperparameters used in FFN and GCN algorithms.
HyperparameterFFN and GCN Algorithms
Training set2556
Test set2268
Validation set400
Hidden units32 × 32
No. of epochs300
Batch size256
Dropout rate0.5
OptimizerAdam
Learning rate0.01
LossSparse categorical cross entropy
Activation (excluding the final layer)GELU
Activation (final layer)Softmax
Patience50
Table 3. Details of benchmark FFN and GCN layers.
Table 3. Details of benchmark FFN and GCN layers.
Model DescriptionFFN ModelMultilayer GCN Model
Total trainable parameters12,72817,144
Total non-trainable parameters726982
Total parameters13,45418,126
Table 4. FFN and GCN algorithm accuracy across 10 evaluations.
Table 4. FFN and GCN algorithm accuracy across 10 evaluations.
EvaluationFFN AlgorithmGCN Algorithm
EpochsAccuracy (%)EpochsAccuracy (%)
112393.7316093.80
25193.435193.43
313693.6810494.13
49094.358393.97
512593.2612994.15
611093.948192.79
711394.515194.33
810394.1715994.33
912993.4412993.89
1011194.4515094.73
Table 5. CPU and wall time values of benchmark FFN and GCN algorithms.
Table 5. CPU and wall time values of benchmark FFN and GCN algorithms.
HyperparameterBenchmark FFN
Algorithm (s)
Multilayer GCN
Algorithm (s)
User CPU time30.2422
System CPU time2.36.57
Total CPU time32.5448
Total wall time30.3802
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Mostofi, F.; Toğan, V.; Ayözen, Y.E.; Tokdemir, O.B. Construction Safety Risk Model with Construction Accident Network: A Graph Convolutional Network Approach. Sustainability 2022, 14, 15906. https://doi.org/10.3390/su142315906

AMA Style

Mostofi F, Toğan V, Ayözen YE, Tokdemir OB. Construction Safety Risk Model with Construction Accident Network: A Graph Convolutional Network Approach. Sustainability. 2022; 14(23):15906. https://doi.org/10.3390/su142315906

Chicago/Turabian Style

Mostofi, Fatemeh, Vedat Toğan, Yunus Emre Ayözen, and Onur Behzat Tokdemir. 2022. "Construction Safety Risk Model with Construction Accident Network: A Graph Convolutional Network Approach" Sustainability 14, no. 23: 15906. https://doi.org/10.3390/su142315906

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