Next Article in Journal
Effect of Groove Shape on Head Loss and Filtration Performance of Disc Filters
Previous Article in Journal
Different Roles of Top-Down and Bottom-Up Processes in the Distribution of Size-Fractionated Phytoplankton in Gwangyang Bay
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Graph Convolutional Networks: Application to Database Completion of Wastewater Networks

1
HSM, University Montpellier, CNRS, IRD, 34000 Montpellier, France
2
LSIA, University Sidi Mohamed Ben Abdellah, Fez 30000, Morocco
3
Berger-Levrault, 34470 Pérols, France
4
Lemon, Centre Inria Sophia Antipolis-Méditerranée, 06902 Valbonne, France
*
Author to whom correspondence should be addressed.
Water 2021, 13(12), 1681; https://doi.org/10.3390/w13121681
Submission received: 10 May 2021 / Revised: 11 June 2021 / Accepted: 13 June 2021 / Published: 17 June 2021

Abstract

:
Wastewater networks are mandatory for urbanisation. Their management, including the prediction and planning of repairs and expansion operations, requires precise information on their underground components (manhole covers, equipment, nodes, and pipes). However, due to their years of service and to the increasing number of maintenance operations they may have undergone over time, the attributes and characteristics associated with the various objects constituting a network are not all available at a given time. This is partly because (i) the multiple actors that carry out repairs and extensions are not necessarily the operators who ensure the continuous functioning of the network, and (ii) the undertaken changes are not properly tracked and reported. Therefore, databases related to wastewater networks may suffer from missing data. To overcome this problem, we aim to exploit the structure of wastewater networks in the learning process of machine learning approaches, using topology and the relationship between components, to complete the missing values of pipes. Our results show that Graph Convolutional Network (GCN) models yield better results than classical methods and represent a useful tool for missing data completion.

1. Introduction

Urbanisation has been an increasing trend over the past century [1]. OCDE [2] predicted that over 2012–2050, the global water demand will increase by 55%. Given the predicted growth in population and water demand, Instrumentation, Control, and Automation (ICA) will become even more important and the need for system-wide ICAs more urgent [3]. The development of smart cities [4] has encouraged the use of innovative solutions like big data and Internet of Things (IoT) sensors and applications. One of the sectors that takes advantage of these cutting-edge technologies is that of water and wastewater [5,6,7]. Services are being developed for the real-time management of these systems [8] relying on a purely technical layer (sensors, actuators, etc.) and a software layer making use of data-mining techniques to infer the needed information and knowledge [9].
A problem often encountered when managing environmental systems, such as underground databases, is missing data [7,10,11,12]. In wastewater network databases, missing data may directly impact their management at both decision-making and business/scientific domain-related levels. Planning is an important task for decision making. It helps develop a vision of needs in space and time so as to quantify and prioritise them to direct funding towards the most necessary investments and at a reasonable cost since urgent and unexpected operation costs are far higher than anticipated ones [13]. Decision makers use the available databases, which generally suffer from incompleteness, thus, often leading to delays, traffic jams, or collateral damage on the networks. Furthermore, experts in hydraulics who need to study the impact of external variables on the network, such as the discharge rate of consumers into the network, use hydraulic modelling software, which require complete databases to run successfully.
However, few studies were published to help managers and the involved entities complete missing data. For instance, in [14], the authors map underground networks using Bayesian fusion techniques to combine hypotheses extracted from Ground Penetrating Radar (GPR) with the spatial location of surveyed manholes and the expectations from the statutory records. Moreover, the authors in [15] use a Bayesian mapping model to integrate knowledge extracted from sensors’ raw data and available statutory records to infer underground network data including water pipes. To enhance the detection of underground networks, [16] fuse the data collected from different radars. In [17], the authors apply deep neural networks to detect the position of manhole covers from high-resolution images. Although these propositions offer innovative methods to collect data, they are expensive and require a long processing time and economic investments from the municipalities and the managers, which may not always be possible, especially for small towns. A solution is then to resort to Missing Value Imputation (MVI) or Missing Data Imputation (MDI) algorithms, which try to replace the missing values of a data set to obtain a complete one. The goal is to estimate missing values based on the available ones. For instance, the authors in [18] used MVI techniques to estimate a missing pipe diameter and age values, the number of service connections, and the number of valves. They mainly used statistical descriptors such as the distribution of attributes, the mean, the median, expectation-maximisation, or the covariance matrix. Although the results were encouraging for some methods, this study had several limitations as outlined by the authors. For instance, in addition to being restricted to numerical attributes, this proposition was conducted on a small percentage of missing attribute values with a maximum missing data percentage of 12.73% and a minimum percentage of 2.19%, representing 63 pipes.
Many other studies address missing value imputation in various application domains. Their performances vary based on several parameters, such as the type of the targeted data: Categorical, numerical, or mixed [19], the percentage of missing data [20] or the application domain of the completion task, such as biology [21] or pattern recognition [22]. MVI has been carried out using statistical techniques such as simple means, Multiple Linear Regressions (MLR), Logistic Regressions (LR), Random Forest Decision Trees (RFD), or Bayesian inference [10,23,24,25,26,27]. It now benefits from the most recent developments in Machine Learning techniques such as K-Nearest Neighbour (KNN), Support Vector Machines, Artificial Neural Networks, Long Short-Term Memory algorithms [20,28,29,30,31], and more recently Graph Neural Networks [32]. The latter are particularly interesting for missing value imputation on urban water networks whose design rules follow topological relationships both for network configuration and geometric properties. Indeed, a wastewater network can be represented as a graph composed of nodes and edges, where nodes represent manholes, equipment, repairs, etc. while edges represent the pipes.
The objective of this work is to use a Graph Neural Network to complete a wastewater network database in view of hydraulic modelling of wastewater flow and help managers estimate the missing values in their databases. To the best of our knowledge, this is the first attempt to use MVI techniques based on machine learning techniques to infer the characteristics of a wastewater network. The paper is structured as follows: Section 2 gives an overview of the approaches and methods of machine learning on graphs. Section 3 presents the methodology, the models, and materials used in this study. The tests and the results are described in Section 4. The conclusion and the discussion are in Section 5.

2. Background and State of the Art

2.1. Machine Learning and Graphs

In the last decade, machine learning models, particularly neural networks, have been successfully used to accomplish a wide range of difficult tasks such as natural language processing [33], image classification [34], and speech recognition [35]. However, the models behind this achievement like Recurrent Neural Networks (RNNs) and Convolutional Neural Networks (CNNs) are only adapted to Euclidean data and cannot be applied directly to graphs, as their structures may vary extremely from one graph to another. For example, CNNs widely used for image applications, exploit the fixed structure of the pixel’s neighbourhood to define convolution filters with shared weights and pooling operators [36]. This process cannot be directly generalised to graph structures since the number of neighbourhoods for each node might be different.
Considerable efforts have been deployed to make graphs benefit from the advancement of machine learning techniques. The main goal is to exploit the structure of graphs in the learning process, taking into consideration the topology and the relationships between their components (nodes and edges). Historically, machine learning models relied on handcrafted features, using approaches such as statistics to encode graph structures [37,38]. For example, in the case of graphs used to model viewers’ relationships, when the edges between nodes represent a common watched film, one may use the number of shared edges between two users to suggest new ones. However, these approaches are time-consuming and inefficient since they depend strongly on the type of application and the specific use cases. To surpass these challenges, various automatic methods have been studied. Graph Embedding and Graph Neural Networks are the most common ones.

2.2. Graph Embedding

The goal of Graph Embedding is to use low-dimensional continuous vector representations for graph-structured data, instead of the whole graph, as input to the machine learning algorithms. Graph Embedding is the overlap of two problems, graph analysis, which aims to extract useful information from graph data, and representation learning, whose goal is to obtain a representation facilitating the extraction of useful information that is not necessarily low dimensional [39]. Embedding techniques depend on the type of graphs used as input (such as homogeneous/heterogeneous, directed/undirected, etc.) and the type of desired output (nodes’ embedding, edges’ embedding, graph embedding). In [39], a clear taxonomy of the different techniques and applications of graph embedding is presented. Although graph embedding techniques have been successfully used in many applications such as node classification using the Node2Vec algorithm [40], they nevertheless present several drawbacks. Indeed, Refs. [38,39] identified two severe ones: Computation inefficiency and the inability to generalise their application since they cannot deal with dynamic graphs. In addition, the authors of [41] indicate that mapping a graph structure into a simple representation may cause information loss. For example, in the case of node embedding, edges are considered as additional node features, although these links generally encode relationships between concepts or objects.

2.3. Graph Neural Networks

To operate directly on graphs, [41] proposed the first Graph Neural Network model. Described as the extension of existing neural network methods in the graph domain, this model considers nodes as concepts or objects and edges as relationships between them. To accomplish supervised learning, the GNN model associates each node to a state containing information about the node itself and its neighbourhood. Using a feedforward network, a shared transition function is defined to update all the states iteratively until a fixed point. The states are updated based on the current states of the nodes and the ones of their neighbours. Then, using a feedforward network, an output function is applied to the states to compute the outputs of each node, or a unique output for the whole graph, depending on the application. These steps are repeated following the descent-gradient algorithm until the desired criterion is reached. This GNN model has proven to be efficient in some application domains, such as chemistry. However, it is not suitable for a variety of graph problems such as knowledge graphs and semi-supervised applications, where the goal is to predict missing data based on the graph structure. However, this model suffers essentially from the expensive cost of the computations while trying to reach fixed points. To address these problems, several variants of GNN models and new approaches have been proposed [42,43,44]. The most widely used is the Graph Convolutional Network (GCN), which aims at generalising CNNs to graphs. In the next paragraph, we present graph convolutional network models for semi-supervised learning which might be used to complete missing data.

2.4. GCN for Semi-Supervised Learning

Graph Convolutional Network (GCN) models have achieved state of the art in many applications. In semi-supervised learning for node applications, the objective is to use labelled nodes to learn representations or embedding of both labelled and unlabelled nodes and therefore use the resulting representations to predict missing labels. GCNs are classified into two categories: Spectral approaches and spatial approaches. Spectral approaches were first introduced in [45]. Since convolution filters, defined in the Euclidean space and used in CNNs, cannot be applied directly on graphs, [45] have shown that they can be defined in the Fourier domain for non-Euclidean data. This operation is defined in [38,43] as the multiplication of a signal x R N (one scalar for each node) with a filter g θ = diag ( θ ) parametrised by θ R N :
g θ x = U g θ U T x
where U is the matrix of eigenvectors of the normalised graph Laplacian L = I N D 1 / 2 A D 1 / 2 = U Λ U T , with a diagonal matrix of its eigenvalues Λ . D , A , and U T are respectively the degree matrix, the adjacency matrix of the graph, and the graph Fourier transform of x. However, this proposition suffers from two major drawbacks. First, calculating the eigenvectors and eigendecomposition is computationally expensive, especially for large graphs. Second, the defined filters in the spectral domain are non-spatially localised, contrary to those in CNNs, i.e., filters are not necessarily applied to spatially close nodes. To surpass these challenges, improvements have been published, which generally consist in proposing new filters [43,46]. ChebNet [46] is the most popular one, and uses polynomial parametrisation to compute K localised filters:
g θ ( Λ ) = k = 0 K 1 θ k Λ k
where the parameter θ R K is a vector of Chebyshev coefficients. To address the computation issue, ChebNet uses Chebyshev expansion [47] of order K 1 and g θ ( Λ ) becomes:
g θ ( Λ ) = k = 0 K 1 θ k T k Λ ˜
where T k Λ ˜ R n × n is the Chebyshev polynomial of order k evaluated at Λ ˜ = 2 Λ / λ max I n , the rescaled eigenvalues in [ 1 , 1 ] with λ max the maximal eigenvalue. To alleviate the problem of overfitting on local neighbourhood structures on graphs, [43] limit and simplify the filtering to only the first-order neighbours with K = 1 .
Since they depend on the eigenbasis of the graph, spectral approaches cannot be used with graphs that have different structures. However, they are suitable for semi-supervised learning, which involves the prediction of features of the same graph used for the learning procedure. Thus, they are suitable for our goal, which involves the prediction of incomplete data related to wastewater networks.
Contrary to spectral approaches, spatial ones define convolution directly on graphs. Various propositions have been published. The authors of [48] proposed a spatial convolution network that operates directly on graphs for molecular applications. GraphSAGE [49], one of the most popular frameworks in this category, defined as an inductive framework. Unlike transductive approaches that generate embedding for a specific seen fixed graph in their process, inductive ones generate low dimensional representation for unseen components of graphs. GraphSAGE is based on the aggregation of fixed-size node neighbourhood features:
h N ( v ) k AGGREGATE k h u k 1 , u N ( v )
h v k σ W k · CONCAT h v k 1 , h N ( v ) k
where h k denotes a node’s representation at step k, N ( v ) is the immediate neighbourhood of v, AGGREGATE is the aggregation function, and σ is a nonlinear activation function. Authors in [49] defined three aggregation functions: Mean, LSTM, and pooling. To avoid computing the spectrum of the graph Laplacian as in [45,46] and to apply CNNs on graphs, [50] proposed TAGCN, a method based on a fixed-size K-localised filters adaptive to the topology of graphs to replace the fixed square filters in traditional CNNs.

3. Materials and Methods

In this work, we seek to complete missing attribute values based on the structure of wastewater networks and the database records related to them.

3.1. Models and Test Configurations

To highlight the added value of GCNs in this prediction task, we also apply algorithms that do not take into account topology. The GCNs’ results will thus be benchmarked against these non-topological algorithms: Support Vector Machine [51], Decision Trees [52], feedforward Artificial Neural Networks (ANN), precisely a MultiLayer Perceptron (MLP) [53], and four GCN models that have proven to be efficient in many applications. The GCN models consist of two spectral models: GCN [43] and ChebNet [46] as well as two spatial models: GraphSAGE [49] and TAGCN [50].
Given that pipe diameters and materials directly impact hydraulic modelling results, which is the aim of our work, we chose to automatically predict the missing values for each one of these two attributes. Nevertheless, other attributes could be targeted the same way.
The available attributes and their missing values are not necessarily similar and vary between providers. Hence, to investigate whether GCNs are useful in real cases, we defined two configurations based on the available data:
  • Configuration 1: The network graph, a portion of the values of the targeted attribute, and domain knowledge are provided.
  • Configuration 2: The network graph, a portion of the values of the targeted attribute, domain knowledge, and other fields of the attribute table are provided.
When no attributes are available, domain knowledge can be used to create and add new attributes to the structure to improve the learning process. In wastewater networks, pipe diameters increase when moving from the upstream wastewater catchments to the vicinity of the treatment plant. This domain knowledge can be accounted for using Strahler’s number, a measure of the network’s branching complexity [54]. This attribute is easily computed for each pipe since the position of treatment plants is usually known. Thus, the first configuration is conducted using the network graph and Strahler’s number as a domain knowledge attribute.
In the second configuration, managers possess more information about the networks, and relevant additional fields of the attribute table are used to infer relationships. Thus, this configuration is the richest in terms of learning material as it uses the network structure, domain knowledge, and additional characteristics to impute missing values. In this situation, the managers seek precise information about a specific attribute for various purposes, such as the diameter values for a hydraulic modelling simulation.
For each of the two configurations, the datasets were split into two subsets: Training and test. The training subset includes the available attributes of the pipes and their associated labels to be learned. However, contrary to non-topological models, in order to operate, GCN models require the structure of the graphs. Therefore, the entire structure of the graph modelled by the adjacency matrix of the wastewater network pipes was provided to this graph-based model. A total 10% of the training subset is used as a validation subset to tune the models’ parameters, that is the number of convolution layers, the number of epochs, etc.
For the MLP, we set the number of hidden layers to 3 with respectively 100, 50, and 25 units for the first, second, and third hidden layers. The number of outputs is defined by the number of classes depending on each attribute. The Rectified Linear Unit (ReLu) is used as an activation function between the layers. All layers are formed by the linear layers of PyTorch [55] and the output is computed using the Log Softmax function. For GCN models (Figure 1), we set the number of convolution layers to 2, the number of hidden units was set to 20 for the first layer, and to the number of desired classes to predict for the second layer. We used the Rectified Linear Unit (ReLu) as an activation function between the two convolutional layers, and the LogSoftmax as the activation function to output the labels. For the ChebNet layers, the filter size K was varied from 10 to 40 depending on the configuration and the size of the training subset. For the SVM model, the regularisation parameter C is set to 1 and the Radial Basis Function (RBF) is a degree 3 polynomial kernel function. For the DT models, the Splitter is set to “best”, the quality of the split is evaluated by the “Gini” criterion without any max depth constraint.
We implemented the GCN models and the MLP using PyTorch [55], where the name of the models GCN, ChebNet, GraphSAGE, and TAGCN are respectively GCNConv, ChebConv, SAGEConv, and TAGConv. The non-topological models, SVM and DT, were implemented using Scikit-learn [56].

3.2. Datasets

In this study, we used two real wastewater network databases. The first one is that of Angers Metropolis and is available through the French Government’s open access portal (https://www.data.gouv.fr/ (accessed on 1 August 2020)). The second source is the database of Montpellier Méditerranée Métropole (3M) (https://data.montpellier3m.fr/ (accessed on 1 August 2020)). These databases were chosen because they have two specific fields for the pipe diameter and material (see Figure 2 for an example of attribute tables). However, the attribute values are not all indicated and 5.9% of the total pipes of Angers and 28.63% of those of the Montpellier datasets have a missing diameter or material values.
At the scale of a metropolis, wastewater networks are usually formed of several sub-networks of cities and villages, either managed separately or linked to the main treatment plant by a unique pipe. Thus, the acquired databases are composed of several sub-graphs that represent independent wastewater networks and Strahler’s orders may be computed separately for each sub-graph. However, due to data imperfections, these disconnections may also be the result of missing spatial information such as missing pipes. Hence, to validate our results, this study was carried out on the sub-networks having the least missing attribute values. Taking into consideration possible spatial imperfections, we carefully extracted one sub-graph from each dataset (Figure 3):
  • The Angers Metropolis sub-graph (Figure 3a) is composed of 754 pipes with only one unknown pipe diameter;
  • The Montpellier Metropolis sub-graph (Figure 3b) is composed of 1239 pipes, with 44 pipes having unknown attribute values (either the diameter or material).
The different materials encountered in Angers metropolis are Polyvinyl Chloride (PVC), Asbestos-Cement (AC), Cast Iron, and Metal. In Montpelier metropolis we found, PVC, AC, Cast Iron, Concrete, Glass Reinforced Plastic (GRP), and Polypropylene. Ten classes of possible diameters are present in Angers’s subgraph and Montpellier’s subgraph, ranging from 80 to 500. However, for materials or diameters, several classes have less than 10 elements and will not be considered in the following. Figure 4 shows the distribution of material and diameter attributes for the considered classes, for the two data sets.

3.3. Testing Procedure

After tuning operations, the models are trained on 90% of the data and the remaining 10% are predicted. This is the first test. To put forward the models’ ability to distinguish between classes and assess their effectiveness regarding minority classes, we evaluate the results of the predictions by computing the Recall, Precision, and F1-score metrics for each class of attributes as follows:
Recall = True Positives True Positives + False Negatives
Precision = True Positives True Positives + False Positives
F 1 Score = 2 Precision Recall Precision + Recall .
This prediction operation is repeated 10 times with randomly selected datasets to estimate the models’ performance more accurately. The average of these predictions is examined. To evaluate the performance of the models over each attribute, we compute the Macro-Recall, the Macro-Precision, and the Macro-F1-score as follows, where N is the number of classes of an attribute:
MacroRecall = 1 N i N Recall i
MacroPrecision = 1 N i N Precision i
MacroF 1 Score = 1 N i N F 1 i .
The training set is then sequentially reduced to increase the size of the test set, i.e., 80% for training and 20% for testing and so forth. As shown in Figure 4, attribute values are unbalanced, and the portion of the selected test subset may include only the dominant classes. Therefore, the test subset is extracted as a portion of the number of occurrences in each class. Consequently, only classes with more than 10 occurrences are considered as test subsets. For example, the diameter class of value ϕ (200) having 568 occurrences in the sub-graph of the Angers metropolis, the number of selected pipes for a 10% testing subset (when the task is to predict pipe diameter values) will be 56.

4. Experimental Results

In this section, we show the results of atrributes’ prediction for “Diameter” and “Material” for the two configurations described in Section 3.1. We compare the results of several experiments using the different machine learning techniques presented in the previous section. The purpose of comparing GCNs-based algorithms with different techniques of machine learning, which do not use the graph’s structure to predict missing data, is to investigate whether the network graph can facilitate missing data completion in the context of a machine learning approach. It is important to note that thanks to its structure, a GCN can predict classes without being given any attributes as input. This is clearly not possible for non-topological models. Thus, before conducting the experiments on the two defined configurations, and in order to see the behaviour of a GCN in terms of the quality of its results using only the structure of the graphs, we tested this possibility. The results show that GCN models GCNConv, SAGEConv, and TAGConv predict only the dominant classes, but the ChebConv model can identify other non-dominant classes albeit with very low recall scores such as 10% for the diameter class ϕ (150) on limited randomly selected test datasets. The prediction of minority classes with ChebConv, even with low scores, shows that using the structure of wastewater networks is promising.

4.1. Configuration 1

In addition to the portion of the available values and the structure of the network, in this configuration, we added Strahler’s order as an attribute to help the models distinguish between the classes.
Figure 5 and Figure 6 show the results for the Angers and Montpellier datasets, respectively. Despite having difficulties with classes with small occurrences, Strahler’s order helps the models identify more classes than the dominant ones. Non-topological models SVM, Decision Tree, and MLP are unable to distinguish minor classes for the Angers dataset. Nevertheless, they predict some minor classes such as the class ϕ (400) with a high recall score for the Montpellier dataset (Figure 6a,c), despite having only 37 occurrences for this class. Unlike non-topological models, GCN models, namely, ChebConv and TAGConv, predict more classes for both datasets. Thus, GCN models outperform non-topological ones in terms of the number of detected classes.
ChebConv outperforms all models for both diameter and material prediction having predicted 30% of missing diameter classes ϕ (150) and ϕ (250) for the Angers dataset respectively with a recall of 79% and 77% (Figure 5c) despite having only 123 and 12 occurrences for these classes. In the case of the Montpellier dataset, ChebConv, while using only 30% of the available data, completes missing ϕ (150) and ϕ (300) diameter classes with respectively 63% and 58% recall (Figure 6a). The metric is improved when the training set is increased to 70%, thus reaching 77% and 85% respectively for these classes (Figure 6c). In comparison, the other models fail to detect these two classes for both datasets, except for TAGConv which has a very low score for the class ϕ (150) (Figure 5a,c and Figure 6a,c).
Similar results are obtained for material prediction. Indeed, besides having higher scores for both datasets, only GCN models predicted the AC class for Angers (Figure 5b,d). This shows that the structure of the graph and the choice of the GCN model have a great impact on the learning process.

4.2. Configuration 2

In addition to the information used in the previous configuration, the attribute “material type” is added to help predict the attribute “diameter” and vice versa. The correlation between these attributes is 0.74 for the subgraph of Angers and 0.43 for the subgraph of Montpellier. Adding this information to the models substantially increases their performance regarding the number of detected classes and the recall scores. First, except for ChebConv as it already identified all the classes in the previous configuration, the number of predicted classes increases for all models. For instance, the non-topological models predict the AC class for the Angers dataset (Figure 7b). Second, Figure 7 and Figure 8, show that recall scores have increased for the majority of the classes using the various models. Still, ChebConv outperforms all models by predicting missing values with high scores for almost all classes including the minor ones, using only 30% of the available data it achieved 80% for the class ϕ (300), having 34 occurrences (Figure 8a) and 70% for the class ϕ (250), having only 12 occurrences (Figure 7a).
Table 1 and Table 2 display the scores, Macro-Recall (MR), Macro-Precision (MP), and Macro-F1 Score (MF1) for each attribute of the two datasets of Angers and Montpellier for configurations 1 and 2 respectively, and the nine different percentages of the dataset used for training. First, for configuration 1, for both cities, Table 1a,b show, as indicated before, a poor performance of the non-topological models. This has been expected since they use only Strahler’s order to distinguish the different classes, while graph models use the adjacency matrix. As for configuration 2, the scores increase for all models. Thus, the performance of non-topological models relies only on the correlations (Table 3) between Strahler’s order and the targeted attributes. Second, except for ChebConv, whose performance increases when the portion of missing values decreases, all the models’ performances are generally constant in configuration 1 for the Angers dataset (Table 1a) since they predict only the dominant classes. This is also to be expected for non-topological models, since there is no correlation between Strahler’s order and both attributes, diameter, and material, for this dataset. However, for the Montpellier dataset, (Table 1b) where the correlation between material and Strahler is 0.08 and between the diameter and Strahler the correlation is 0.31, the non-topological models’ performances increase when the percentage of missing data decreases for the attribute diameter. In addition, in configuration 2, the models’ performances evolve differently for the two datasets. For Angers, all models are nearly constant, although a small increase can be noted in ChebConv’s performance while the missing data decreases. These scores (Table 2a) can be explained by the high correlation of the attributes material and diameter (0.74). For the Montpellier dataset, where the correlation is lower compared to the Angers dataset, almost all the models’ performances increase. Figure 9 illustrates this evolution using the Macro-F1Score metric. The differences in performance related to the GCN models are detailed in the next paragraph.
Our experiments show that for real-world configurations, ChebConv yields the best results for both datasets and both predicted attributes. Spatial approaches fail to distinguish minority classes compared to the spectral approaches (i.e., ChebConv) and slightly outperform non-topological approaches. The fact that SAGEConv, which is a spatial approach, has a nearly similar evolution performance as non-topological models, and is outperformed by ChebConv, may be explained by the fixed-size set of the neighbourhood, where not all the neighbourhoods are explored. Furthermore, for the spectral approaches, ChebConv surpassing GCNConv may be explained by the differences in the number of K-localised filters since GCNConv uses only K = 1 to avoid overfitting. To confirm this assumption we varied the values of parameter K to 1, 10, 15, and 20 for the ChebConv model and compared the new experiments to the GCNConv. Figure 10 shows that GCNConv and ChebConv with K = 1 have similar performances regarding the number of predicted classes and the recall scores, when predicting the diameter values for the Montpellier dataset. Moreover, comparing the performance of ChebConv with different K values shows that increasing the number of neighbour nodes used in the learning process improves the prediction results. This was also noted for TAGConv.

5. Discussion and Conclusions

This study was conducted to investigate whether machine learning algorithms can be used for Missing Value Imputation on wastewater networks. We carried out tests using seven different models; four Graph Convolutional Network models: GCN, ChebNet, TAGCN, and GraphSAGE, and three popular non-topological models: SVM, Decision Trees, and a MultiLayer Perceptron. The results show that machine learning models are an efficient tool for completing missing attributes for wastewater networks when various types of information about a network are available. This is highlighted in the second test configuration we explored. Moreover, for extreme situations, when only the network layout and partial attribute information are available (i.e., the first test configuration), the ChebConv spectral GCN approach, which is based on the approximation of the spectrum of the graph Laplacian, yields the best results for the completion of attribute values in general, and minority classes in particular. ChebConv also yields acceptable results when a small percentage of the available data is used for training. This was demonstrated in several studies using GCN-based models. The work of [32] demonstrated that, in comparison with other approaches such as KNN, the performance of their GCN-based model increases substantially when the percentage of the missing data increases. In a different application, similar conclusions were reached by [57] when inferring users’ geo-localisation in social media. The authors used a semi-supervised configuration combining graph structure and text and showed that a GCN-based model performs well in scenarios with minimal supervision by effectively using unlabelled data.
The machine learning models that we used in this application require specific conditions. First, the classes to be learnt must be part of the training dataset. We complied with this request by ignoring classes with less than 10 occurrences. However, this led to fewer minority classes in the test subset and therefore impacted the prediction results substantially. Second, machine learning models are known to require important data quantity to achieve satisfying results. Having achieved these scores while using such restricted datasets shows that this approach can be even more promising with larger datasets. We would like also to emphasise that our objective was not to determine the best GCN architecture for wastewater network data completion, but rather to investigate the impact of the structure of the graph as a learning factor on the prediction results. In this study, we used the default implementation of the GCN models as described in the original papers. Although these models showed excellent performance in various domains such as information science, bibliometrics, water distribution systems, or biology [43,49,50,58], they can be further adapted to the specific context of each domain to produce better results. For instance, in [59], a novel type of GCN for road networks called Relational Fusion Network (RFN) is put forward for driving speed estimation and speed limit classification. The results indicate that RFN outperforms state-of-the-art GCN algorithms such as GraphSAGE in this application.
To assess whether the structure of the graph, modelled in our case by the adjacency matrix, has an impact on the learning process, non-topological models were trained using only the available attributes. That is Strahler’s order for the first configuration and Strahler’s order, diameter, and material for the second configuration. Strahler’s order is used as a proxy for network topology in these models. For the GCN models, in addition to these attributes, the adjacency matrix is required and is also provided. The matrix is not used for the non-topological models because they are not built to deal with graph structures and require a pre-processing step to operate. This consists in representing or encoding the graph in a suitable form for the targeted model. As stated in Section 2, this operation is complex and does not guarantee the full use of the graph structure, while GCN models can easily handle information such as adjacency or angle between pipes to perform MVI operations. Therefore, no pre-processing was carried out in this work.
The attributes diameter, material, and Strahler’s order were used only as illustration examples in this study. We aim to show that machine learning models can be an efficient method to help all entities facing the problem of missing wastewater network data, to overcome this challenge. The use of both numerical (diameter) and categorical (material) attributes shows that this approach overcomes the limits of the statistical methods used in [18]. In some instances, Strahler’s order, which is dependent on the dataset, may not be the best descriptor. For instance, since the Angers dataset is very small, the pipe diameters do not increase when moving from the upstream wastewater catchments to the vicinity of the treatment plant. This leads to a lack of correlation between Strahler’s order and diameter (Table 3). Thus, Strahler’s order does not affect the diameter predictions for the Angers dataset, contrary to the Montpellier network. One may also use the type of buildings near the pipes as an attribute to predict their diameter. The main idea is that, since network construction rules vary from one country to another, and between regions of the same country, machine learning models can easily integrate new information to make predictions and improve them. It all depends on the available data and knowledge about the targeted network.
Urban managers and environmental monitoring services are often faced with incomplete data sets and have to resort to Missing Value Imputation (MVI) or Missing Data Imputation (MDI) algorithms. GCN models would provide managers with an additional accessible resource to overcome data imperfection challenges and support decision makers, be it to conduct repairs, predict future damages such as in [60], or run a hydraulic simulation model. Indeed, several urban utility networks such as gas, water, and electrical supplies are structured as graphs with nodes and edges. Our proposition would help asset management tasks by providing a better estimate for given characteristics of the undocumented portions of the network. Another important feature of Smart City management plans is air and water pollution monitoring. Given the spatial and temporal variability of environmental indicators, these monitoring plans rely on a network of sensors, spread out over large geographical areas. As with any piece of equipment, these devices are prone to failure and damage, resulting in missing data. By resorting to GNNs, managers would be able to extract the most of their network’s structure and gain more accurate estimations of the missing data. They would thus be able to better inform citizens and improve their quality of life.

Author Contributions

Conceptualsation, Y.B., N.C., A.S., and C.D.; Methodology, Y.B., N.C., A.S., A.B., R.A., and C.D.; Resources, C.D.; Software, Y.B. and R.A.; Supervision, A.B. and C.D.; Writing—original draft, Y.B., N.C., A.S., R.A., and C.D.; Writing—review & editing, Y.B., N.C., A.S., A.B., and C.D. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The data that support the findings of this study were derived from the following resources available in the public domain: https://www.data.gouv.fr/fr/; https://www.data.montpellier3m.fr/ (accessed on 20 May 2021).

Acknowledgments

This work was carried out within the framework of the CIFRE-France/Morocco Program. We thank Mustapha Derras for the general supervision of the research group and administrative support.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. UN. Population Division of the Department of Economic and Social Affairs of the United Nations: World Urbanization Prospects: The 2018 Revision; Technical Report (ST/ESA/SER.A/420); UN: New York, NY, USA, 2019. [Google Scholar]
  2. OECD. OECD Environmental Outlook to 2050: The Consequences of Inaction; OECD Editions: Paris, France, 2012; p. 350. [Google Scholar] [CrossRef]
  3. Yuan, Z.; Olsson, G.; Cardell-Oliver, R.; van Schagen, K.; Marchi, A.; Deletic, A.; Urich, C.; Rauch, W.; Liu, Y.; Jiang, G. Sweating the assets—The role of instrumentation, control and automation in urban water systems. Water Res. 2019, 155, 381–402. [Google Scholar] [CrossRef]
  4. Harrison, C.; Eckman, B.; Hamilton, R.; Hartswick, P.; Kalagnanam, J.; Paraszczak, J.; Williams, P. Foundations for Smarter Cities. IBM J. Res. Dev. 2010, 54, 1–16. [Google Scholar] [CrossRef]
  5. Nie, X.; Fan, T.; Wang, B.; Li, Z.; Shankar, A.; Manickam, A. Big Data analytics and IoT in Operation safety management in Under Water Management. Comput. Commun. 2020, 154, 188–196. [Google Scholar] [CrossRef]
  6. Chen, Y.; Han, D. Water quality monitoring in smart city: A pilot project. Autom. Constr. 2018, 89, 307–316. [Google Scholar] [CrossRef] [Green Version]
  7. Kofinas, D.T.; Spyropoulou, A.; Laspidou, C.S. A methodology for synthetic household water consumption data generation. Environ. Model. Softw. 2018, 100, 48–66. [Google Scholar] [CrossRef]
  8. Zeng, Z.; Yuan, X.; Liang, J.; Li, Y. Designing and implementing an SWMM-based web service framework to provide decision support for real-time urban stormwater management. Environ. Model. Softw. 2021, 135, 104887. [Google Scholar] [CrossRef]
  9. Gibert, K.; Sànchez-Marrè, M.; Rodríguez-Roda, I. GESCONDA: An intelligent data analysis system for knowledge discovery and management in environmental databases. Environ. Model. Softw. 2006, 21, 115–120. [Google Scholar] [CrossRef]
  10. Lin, P.; Yuan, X.X. A two-time-scale point process model of water main breaks for infrastructure asset management. Water Res. 2019, 150, 296–309. [Google Scholar] [CrossRef]
  11. Junninen, H.; Niska, H.; Tuppurainen, K.; Ruuskanen, J.; Kolehmainen, M. Methods for imputation of missing values in air quality data sets. Atmos. Environ. 2004, 38, 2895–2907. [Google Scholar] [CrossRef]
  12. Schneider, T. Analysis of incomplete climate data: Estimation of Mean Values and covariance matrices and imputation of Missing values. J. Clim. 2001, 14, 853–871. [Google Scholar] [CrossRef]
  13. ASTEE. Gestion Patrimoniale des Réseaux D’assainissement; ASTEE: Nanterre, France, 2015. [Google Scholar]
  14. Chen, H.; Cohn, A.G. Buried utility pipeline mapping based on multiple spatial data sources: A Bayesian data fusion approach. In Twenty-Second International Joint Conference on Artificial Intelligence; IJCAI: Barcelona, Catalonia, Spain, 2011; pp. 2411–2417. ISBN 978-1-57735-516-8. [Google Scholar]
  15. Bilal, M.; Khan, W.; Muggleton, J.; Rustighi, E.; Jenks, H.; Pennock, S.R.; Atkins, P.R.; Cohn, A. Inferring the most probable maps of underground utilities using Bayesian mapping model. J. Appl. Geophys. 2018, 150, 52–66. [Google Scholar] [CrossRef]
  16. Hafsi, M.; Bolon, P.; Dapoigny, R. Detection and localization of underground networks by fusion of electromagnetic signal and GPR images. In Proceedings SPIE 10338, Thirteenth International Conference on Quality Control by Artificial Vision 2017, Tokyo, Japan; Nagahara, H., Umeda, K., Yamashita, A., Eds.; International Society for Optics and Photonics: Bellingham, WA, USA, 2017; Volume 10338, pp. 7–14. [Google Scholar] [CrossRef] [Green Version]
  17. Commandre, B.; En-Nejjary, D.; Pibre, L.; Chaumont, M.; Delenne, C.; Chahinian, N. Manhole Cover Localization in Aerial Images with a Deep Learning Approach. ISPRS Int. Arch. Photogramm. Remote Sens. Spat. Inf. Sci. 2017, 42W1, 333–338. [Google Scholar] [CrossRef] [Green Version]
  18. Kabir, G.; Tesfamariam, S.; Hemsing, J.; Sadiq, R. Handling incomplete and missing data in water network database using imputation methods. Sustain. Resilient Infrastruct. 2020, 5, 365–377. [Google Scholar] [CrossRef]
  19. Tsai, C.F.; Chang, F.Y. Combining instance selection for better missing value imputation. J. Syst. Softw. 2016, 122, 63–71. [Google Scholar] [CrossRef]
  20. García-Laencina, P.J.; Sancho-Gómez, J.L.; Figueiras-Vidal, A.R.; Verleysen, M. K nearest neighbours with mutual information for simultaneous classification and missing data imputation. Neurocomputing 2009, 72, 1483–1493. [Google Scholar] [CrossRef]
  21. Liew, A.W.C.; Law, N.F.; Yan, H. Missing value imputation for gene expression data: Computational techniques to recover missing data from available information. Briefings Bioinform. 2010, 12, 498–513. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  22. García-Laencina, P.J.; Sancho-Gómez, J.L.; Figueiras-Vidal, A.R. Pattern classification with missing data: A review. Neural Comput. Appl. 2010, 19, 263–282. [Google Scholar] [CrossRef]
  23. Ngouna, R.H.; Ratolojanahary, R.; Medjaher, K.; Dauriac, F.; Sebilo, M.; Junca-Bourié, J. A data-driven method for detecting and diagnosing causes of water quality contamination in a dataset with a high rate of missing values. Eng. Appl. Artif. Intell. 2020, 95, 103822. [Google Scholar] [CrossRef]
  24. Bischof, S.; Harth, A.; Kämpgen, B.; Polleres, A.; Schneider, P. Enriching integrated statistical open city data by combining equational knowledge and missing value imputation. J. Web Semant. 2018, 48, 22–47. [Google Scholar] [CrossRef] [Green Version]
  25. Yadav, M.L.; Roychoudhury, B. Handling missing values: A study of popular imputation packages in R. Knowl. Based Syst. 2018, 160, 104–118. [Google Scholar] [CrossRef]
  26. Serrano-Notivoli, R.; de Luis, M.; Beguería, S. An R package for daily precipitation climate series reconstruction. Environ. Model. Softw. 2017, 89, 190–195. [Google Scholar] [CrossRef] [Green Version]
  27. Murtojärvi, M.; Suominen, T.; Uusipaikka, E.; Nevalainen, O.S. Optimising an observational water monitoring network for Archipelago Sea, South West Finland. Comput. Geosci. 2011, 37, 844–854. [Google Scholar] [CrossRef]
  28. Belda, S.; Pipia, L.; Morcillo-Pallarés, P.; Rivera-Caicedo, J.P.; Amin, E.; De Grave, C.; Verrelst, J. DATimeS: A machine learning time series GUI toolbox for gap-filling and vegetation phenology trends detection. Environ. Model. Softw. 2020, 127, 104666. [Google Scholar] [CrossRef]
  29. Ma, J.; Cheng, J.C.; Ding, Y.; Lin, C.; Jiang, F.; Wang, M.; Zhai, C. Transfer learning for long-interval consecutive missing values imputation without external features in air pollution time series. Adv. Eng. Inform. 2020, 44, 101092. [Google Scholar] [CrossRef]
  30. Giustarini, L.; Parisot, O.; Ghoniem, M.; Hostache, R.; Trebs, I.; Otjacques, B. A user-driven case-based reasoning tool for infilling missing values in daily mean river flow records. Environ. Model. Softw. 2016, 82, 308–320. [Google Scholar] [CrossRef]
  31. Nelwamondo, F.V.; Golding, D.; Marwala, T. A dynamic programming approach to missing data estimation using neural networks. Inf. Sci. 2013, 237, 49–58. [Google Scholar] [CrossRef]
  32. Spinelli, I.; Scardapane, S.; Uncini, A. Missing data imputation with adversarially-trained graph convolutional networks. Neural Netw. 2020, 129, 249–260. [Google Scholar] [CrossRef]
  33. Collobert, R.; Weston, J. A Unified Architecture for Natural Language Processing: Deep Neural Networks with Multitask Learning. In Proceedings of the 25th International Conference on Machine Learning, ICML’08, Helsinki, Finland, 5–9 July 2008; Association for Computing Machinery: New York, NY, USA, 2008; pp. 160–167. [Google Scholar] [CrossRef]
  34. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep residual learning for image recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 770–778. [Google Scholar]
  35. Graves, A.; Mohamed, A.r.; Hinton, G. Speech recognition with deep recurrent neural networks. In Proceedings of the 2013 IEEE International Conference on Acoustics, Speech and Signal Processing, Vancouver, BC, Canada, 26–31 May 2013; pp. 6645–6649. [Google Scholar] [CrossRef] [Green Version]
  36. Krizhevsky, A.; Sutskever, I.; Hinton, G.E. ImageNet Classification with Deep Convolutional Neural Networks. Commun. ACM 2017, 60, 84–90. [Google Scholar] [CrossRef]
  37. Bengio, Y.; Courville, A.; Vincent, P. Representation learning: A review and new perspectives. IEEE Trans. Pattern Anal. Mach. Intell. 2013, 35, 1798–1828. [Google Scholar] [CrossRef]
  38. Zhou, J.; Cui, G.; Zhang, Z.; Yang, C.; Liu, Z.; Wang, L.; Li, C.; Sun, M. Graph Neural Networks: A Review of Methods and Applications. arXiv 2019, arXiv:cs.LG/1812.08434. [Google Scholar]
  39. Cai, H.; Zheng, V.W.; Chang, K.C.C. A comprehensive survey of graph embedding: Problems, techniques, and applications. IEEE Trans. Knowl. Data Eng. 2018, 30, 1616–1637. [Google Scholar] [CrossRef] [Green Version]
  40. Grover, A.; Leskovec, J. node2vec: Scalable feature learning for networks. In Proceedings of the 22nd ACM SIGKDD International Conference on Knowledge Discovery and Data Mining, San Francisco, CA, USA, 13–17 August 2016; pp. 855–864. [Google Scholar]
  41. Scarselli, F.; Gori, M.; Tsoi, A.C.; Hagenbuchner, M.; Monfardini, G. The graph neural network model. IEEE Trans. Neural Netw. 2008, 20, 61–80. [Google Scholar] [CrossRef] [Green Version]
  42. Li, Y.; Tarlow, D.; Brockschmidt, M.; Zemel, R. Gated Graph Sequence Neural Networks. arXiv 2017, arXiv:cs.LG/1511.05493. [Google Scholar]
  43. Kipf, T.N.; Welling, M. Semi-Supervised Classification with Graph Convolutional Networks. arXiv 2017, arXiv:cs.LG/1609.02907. [Google Scholar]
  44. Thekumparampil, K.K.; Wang, C.; Oh, S.; Li, L.J. Attention-Based Graph Neural Network for Semi-Supervised Learning. arXiv 2017, arXiv:stat.ML/1803.03735. [Google Scholar]
  45. Bruna, J.; Zaremba, W.; Szlam, A.; LeCun, Y. Spectral Networks and Locally Connected Networks on Graphs. arXiv 2014, arXiv:cs.LG/1312.6203. [Google Scholar]
  46. Defferrard, M.; Bresson, X.; Vandergheynst, P. Convolutional Neural Networks on Graphs with Fast Localized Spectral Filtering. arXiv 2017, arXiv:cs.LG/1606.09375. [Google Scholar]
  47. Hammond, D.K.; Vandergheynst, P.; Gribonval, R. Wavelets on graphs via spectral graph theory. Appl. Comput. Harmon. Anal. 2011, 30, 129–150. [Google Scholar] [CrossRef] [Green Version]
  48. Duvenaud, D.; Maclaurin, D.; Aguilera-Iparraguirre, J.; Gómez-Bombarelli, R.; Hirzel, T.; Aspuru-Guzik, A.; Adams, R.P. Convolutional Networks on Graphs for Learning Molecular Fingerprints. arXiv 2015, arXiv:cs.LG/1509.09292. [Google Scholar]
  49. Hamilton, W.; Ying, Z.; Leskovec, J. Inductive representation learning on large graphs. arXiv 2017, arXiv:1706.02216. [Google Scholar]
  50. Du, J.; Zhang, S.; Wu, G.; Moura, J.M.; Kar, S. Topology adaptive graph convolutional networks. arXiv 2017, arXiv:1710.10370. [Google Scholar]
  51. Cortes, C.; Vapnik, V. Support-vector networks. Mach. Learn. 1995, 20, 273–297. [Google Scholar] [CrossRef]
  52. Safavian, S.R.; Landgrebe, D. A survey of decision tree classifier methodology. IEEE Trans. Syst. Man Cybern. 1991, 21, 660–674. [Google Scholar] [CrossRef] [Green Version]
  53. Rumelhart, D.E.; Hinton, G.E.; Williams, R.J. Learning representations by back-propagating errors. Nature 1986, 323, 533–536. [Google Scholar] [CrossRef]
  54. Strahler, A. Quantitative analysis of watershed geomorphology. Eos Trans. Am. Geophys. Union 1957, 38, 913–920. [Google Scholar] [CrossRef] [Green Version]
  55. Paszke, A.; Gross, S.; Chintala, S.; Chanan, G.; Yang, E.; DeVito, Z.; Lin, Z.; Desmaison, A.; Antiga, L.; Lerer, A. Automatic Differentiation in PyTorch. arXiv 2017, arXiv:1706.02216. [Google Scholar]
  56. Pedregosa, F.; Varoquaux, G.; Gramfort, A.; Michel, V.; Thirion, B.; Grisel, O.; Blondel, M.; Prettenhofer, P.; Weiss, R.; Dubourg, V.; et al. Scikit-learn: Machine Learning in Python. J. Mach. Learn. Res. 2011, 12, 2825–2830. [Google Scholar]
  57. Rahimi, A.; Cohn, T.; Baldwin, T. Semi-supervised User Geolocation via Graph Convolutional Networks. arXiv 2018, arXiv:cs.CL/1804.08049. [Google Scholar]
  58. Tsiami, L.; Makropoulos, C. Cyber—Physical Attack Detection in Water Distribution Systems with Temporal Graph Convolutional Neural Networks. Water 2021, 13, 1247. [Google Scholar] [CrossRef]
  59. Jepsen, T.S.; Jensen, C.S.; Nielsen, T.D. Graph Convolutional Networks for Road Networks. In Proceedings of the 27th ACM SIGSPATIAL International Conference on Advances in Geographic Information Systems, Chicago, IL, USA, 5–8 November 2019. [Google Scholar] [CrossRef] [Green Version]
  60. Kumar, A.; Rizvi, S.M.A.A.; Brooks, B.; Vanderveld, R.A.; Wilson, K.H.; Kenney, C.; Edelstein, S.; Finch, A.; Maxwell, A.; Zuckerbraun, J.; et al. Using Machine Learning to Assess the Risk of and Prevent Water Main Breaks. In Proceedings of the 24th ACM SIGKDD International Conference on Knowledge Discovery & Data Mining, London, UK, 19–23 August 2018. [Google Scholar]
Figure 1. The Graph Convolutional Network models’ architecture.
Figure 1. The Graph Convolutional Network models’ architecture.
Water 13 01681 g001
Figure 2. Example of an attribute table: Angers Metropolis in France.
Figure 2. Example of an attribute table: Angers Metropolis in France.
Water 13 01681 g002
Figure 3. Use case graphs. (a) A sub-graph of the Angers metropolis wastewater network and (b) a sub-graph of the Montpellier metropolis wastewater network.
Figure 3. Use case graphs. (a) A sub-graph of the Angers metropolis wastewater network and (b) a sub-graph of the Montpellier metropolis wastewater network.
Water 13 01681 g003
Figure 4. Diameter and material distribution for the Montpellier and Angers subsets. Only classes with more than 10 elements are represented here.
Figure 4. Diameter and material distribution for the Montpellier and Angers subsets. Only classes with more than 10 elements are represented here.
Water 13 01681 g004
Figure 5. Configuration 1: Diameter and Material prediction for the Angers dataset for each class of the two attributes, evaluated using the Recall score.
Figure 5. Configuration 1: Diameter and Material prediction for the Angers dataset for each class of the two attributes, evaluated using the Recall score.
Water 13 01681 g005
Figure 6. Configuration 1: Diameter and Material prediction for the Montpellier dataset for each class of the two attributes, evaluated using Recall score.
Figure 6. Configuration 1: Diameter and Material prediction for the Montpellier dataset for each class of the two attributes, evaluated using Recall score.
Water 13 01681 g006
Figure 7. Configuration 2: Diameter and Material prediction for the Angers dataset for each class of the two attributes, evaluated using Recall score.
Figure 7. Configuration 2: Diameter and Material prediction for the Angers dataset for each class of the two attributes, evaluated using Recall score.
Water 13 01681 g007
Figure 8. Configuration 2: Diameter and Material prediction for the Montpellier dataset for each class of the two attributes, evaluated using Recall score.
Figure 8. Configuration 2: Diameter and Material prediction for the Montpellier dataset for each class of the two attributes, evaluated using Recall score.
Water 13 01681 g008
Figure 9. Models performances evolution (F1 score) while decreasing the amount of missing data for the configuration 2 of the Montpellier dataset.
Figure 9. Models performances evolution (F1 score) while decreasing the amount of missing data for the configuration 2 of the Montpellier dataset.
Water 13 01681 g009
Figure 10. Comparing the GCNConv model with the ChebConv model on the Montpellier dataset.
Figure 10. Comparing the GCNConv model with the ChebConv model on the Montpellier dataset.
Water 13 01681 g010
Table 1. Configuration 1. Results obtained for Angers and Montpellier dataset by the seven models in terms of Macro-Recall (MR), Macro-Precision (MP), and Macro-F1 (MF1) scores, for the two classes and with different percentages of the dataset used for training.
Table 1. Configuration 1. Results obtained for Angers and Montpellier dataset by the seven models in terms of Macro-Recall (MR), Macro-Precision (MP), and Macro-F1 (MF1) scores, for the two classes and with different percentages of the dataset used for training.
(a) Angers Dataset
SVMANNDTChebConvGCNConvSAGEConvTAGConv
Attribute%MRMPMF1MRMPMF1MRMPMF1MRMPMF1MRMPMF1MRMPMF1MRMPMF1
Diameter100.250.190.220.250.190.210.250.190.220.410.60.450.260.280.230.250.210.220.270.340.26
200.250.190.220.250.190.220.250.190.220.510.690.560.260.280.240.260.240.230.290.380.29
300.250.190.220.250.190.220.250.190.220.570.770.630.260.260.230.260.270.230.30.40.3
400.250.190.220.250.190.220.250.190.220.610.790.660.260.260.230.260.260.230.30.420.3
500.250.190.220.250.190.220.250.190.220.660.80.70.260.280.240.270.310.250.30.410.3
600.250.190.220.250.190.220.250.190.220.680.810.710.250.230.230.270.360.260.30.410.31
700.250.190.220.250.190.220.250.190.220.690.770.710.260.290.230.270.350.250.30.40.3
800.250.190.220.250.190.220.250.190.220.690.780.720.260.280.230.260.290.240.30.410.3
900.250.190.220.250.190.220.250.190.220.750.760.740.270.290.240.260.270.230.310.430.31
Material100.50.420.450.50.410.450.490.430.450.620.780.660.540.690.530.520.630.50.560.730.57
200.50.410.450.50.410.450.50.410.450.710.820.750.530.660.510.530.60.50.590.830.61
300.50.410.450.50.410.450.50.420.450.780.860.810.540.740.530.540.710.530.590.810.6
400.50.410.450.50.410.450.50.410.450.850.890.860.540.760.530.540.740.530.60.820.63
500.50.410.450.50.410.450.50.410.450.860.880.870.540.760.530.550.770.540.60.870.63
600.50.410.450.50.410.450.50.410.450.870.90.890.530.640.50.540.730.530.60.830.63
700.50.410.450.50.410.450.50.410.450.870.920.890.520.60.490.520.610.490.610.850.63
800.50.420.450.50.420.450.50.420.450.880.930.90.530.750.520.530.750.520.60.870.63
900.50.410.450.50.410.450.50.410.450.910.950.930.530.640.50.530.640.50.620.910.65
(b) Montpellier Dataset
SVMANNDTChebConvGCNConvSAGEConvTAGConv
Attribute%MRMPMF1MRMPMF1MRMPMF1MRMPMF1MRMPMF1MRMPMF1MRMPMF1
Diameter100.220.160.180.230.160.190.220.170.190.480.620.520.230.380.230.230.370.230.380.520.41
200.250.170.20.360.240.290.380.260.310.630.740.670.390.440.370.390.470.370.430.50.43
300.480.310.380.480.310.380.480.310.380.70.780.730.470.390.390.470.430.40.440.470.42
400.480.320.380.480.320.380.480.320.380.760.850.790.460.370.390.460.370.390.440.520.42
500.480.310.380.480.310.380.480.310.380.80.880.830.470.340.390.470.350.390.470.530.43
600.480.320.380.480.320.380.480.320.380.830.880.840.480.330.390.480.350.390.460.530.42
700.470.320.380.470.320.380.470.320.380.850.910.870.470.340.380.470.340.380.450.460.41
800.490.340.40.490.340.40.490.340.40.850.910.870.480.340.40.480.350.40.480.550.44
900.470.330.380.470.330.380.470.330.380.870.910.880.470.330.380.470.330.380.460.50.41
Material100.360.330.330.350.290.310.360.330.320.430.550.450.360.330.340.360.330.330.350.360.34
200.390.330.340.390.310.330.390.320.340.550.680.570.390.350.350.40.360.360.390.370.36
300.390.320.350.390.280.320.390.330.350.60.690.620.40.370.360.40.350.360.410.390.37
400.390.330.350.390.310.330.390.330.350.640.750.650.390.330.350.390.340.350.410.380.38
500.390.320.340.390.270.310.390.330.340.680.840.710.390.330.350.390.330.340.420.40.38
600.390.330.340.390.30.320.390.330.340.720.850.760.390.330.350.390.340.350.420.380.38
700.390.320.340.390.30.330.390.320.340.720.830.750.390.330.350.40.350.350.420.360.38
800.380.330.330.380.290.320.380.330.330.720.880.750.370.310.330.380.320.340.410.360.37
900.390.330.330.380.280.310.390.340.320.740.780.750.40.350.360.390.330.340.440.40.41
Table 2. Configuration 2. Results obtained for Angers and Montpellier dataset by the seven models in terms of Macro-Recall (MR), Macro-Precision (MP), and Macro-F1 (MF1) scores, for the two classes and with different percentages of the dataset used for training.
Table 2. Configuration 2. Results obtained for Angers and Montpellier dataset by the seven models in terms of Macro-Recall (MR), Macro-Precision (MP), and Macro-F1 (MF1) scores, for the two classes and with different percentages of the dataset used for training.
(a) Angers Dataset
SVMANNDTChebConvGCNConvSAGEConvTAGConv
Attribute%MRMPMF1MRMPMF1MRMPMF1MRMPMF1MRMPMF1MRMPMF1MRMPMF1
Diameter100.490.460.470.490.460.480.490.460.480.580.760.620.480.450.460.470.450.460.480.50.47
200.490.460.480.490.460.480.490.460.480.640.740.660.480.450.460.480.450.460.480.460.47
300.490.460.480.490.460.480.490.460.480.640.730.660.480.450.470.480.450.470.480.460.47
400.490.460.480.490.460.470.490.460.470.680.760.70.480.450.470.480.450.470.490.460.47
500.490.460.480.490.460.480.490.460.480.670.790.690.480.450.470.480.450.470.480.460.47
600.490.460.480.490.460.480.490.460.480.680.80.70.480.450.470.480.450.470.480.460.47
700.490.460.480.490.460.470.490.460.480.70.770.710.480.460.470.470.460.470.480.460.47
800.50.460.480.50.460.480.50.460.480.660.710.660.480.450.460.480.450.460.480.460.47
900.490.460.480.490.460.480.490.460.480.740.770.740.480.450.470.480.460.470.480.460.47
Material100.960.990.970.960.990.970.970.990.980.870.930.90.930.950.940.920.950.940.90.940.92
200.960.990.980.970.990.980.970.990.980.910.940.920.940.960.950.940.950.950.940.960.95
300.970.990.980.970.990.980.970.990.980.940.960.950.950.950.950.940.960.950.950.960.96
400.970.990.980.970.990.980.970.990.980.940.960.950.940.960.950.940.950.950.950.960.96
500.970.990.980.970.990.980.970.990.980.950.970.960.950.960.950.940.960.950.960.980.97
600.980.990.980.980.990.980.980.990.980.970.970.970.960.970.960.960.970.960.970.980.97
700.970.990.980.970.990.980.970.990.980.970.990.980.950.970.960.950.970.960.970.990.98
800.960.990.980.960.990.980.960.990.980.950.980.960.940.960.950.940.960.950.960.980.97
900.950.990.970.950.990.970.950.990.970.970.970.970.930.960.940.930.960.940.950.990.97
(b) Montpellier Dataset
SVMANNDTChebConvGCNConvSAGEConvTAGConv
Attribute%MRMPMF1MRMPMF1MRMPMF1MRMPMF1MRMPMF1MRMPMF1MRMPMF1
Diameter100.50.640.520.510.580.520.510.60.520.750.860.790.520.640.540.520.610.540.670.830.73
200.540.640.550.640.690.640.590.680.60.820.890.850.70.810.720.680.820.710.770.840.79
300.770.860.790.740.810.750.770.850.790.850.90.870.760.850.790.760.840.790.80.860.82
400.770.850.770.770.810.750.780.840.770.880.920.90.790.830.790.780.820.780.810.850.82
500.770.860.790.780.850.790.790.850.790.880.920.90.790.830.80.790.840.80.810.880.83
600.80.860.810.770.830.780.80.850.810.90.930.910.820.830.820.820.830.810.850.860.85
700.750.850.770.760.840.770.760.850.770.890.930.910.770.820.790.770.820.780.810.860.82
800.750.810.760.770.860.780.750.810.760.890.930.910.790.820.790.790.820.790.850.870.85
900.790.810.780.790.80.780.790.80.780.890.960.910.840.850.830.840.830.830.90.870.88
Material100.60.720.630.540.520.520.60.680.610.540.730.570.60.650.610.60.640.610.630.70.65
200.660.730.680.630.650.630.660.760.680.650.780.680.640.680.650.630.680.640.650.710.66
300.670.790.70.620.710.640.670.810.70.690.810.720.650.70.670.650.690.660.670.730.68
400.670.770.70.640.70.660.680.820.720.710.820.740.650.690.660.640.680.650.660.720.68
500.680.760.70.650.70.660.70.830.730.730.850.760.670.70.670.650.670.650.670.710.68
600.690.810.720.670.720.680.690.840.720.720.810.740.640.690.650.650.690.660.660.710.67
700.70.830.720.660.70.670.710.870.740.760.810.770.660.70.670.660.690.670.670.720.68
800.670.780.70.650.710.660.680.820.710.730.840.760.650.690.660.650.690.660.660.720.67
900.720.780.730.650.690.660.720.780.730.790.80.790.680.690.670.680.670.660.680.70.68
Table 3. Attributes correlations.
Table 3. Attributes correlations.
Angers Dataset
AttributesDiameterMaterialStrahler
Diameter10.740.06
Material0.7410.01
Strahler0.060.011
Montpellier Dataset
AttributesDiameterMaterialStrahler
Diameter10.430.31
Material0.4310.08
Strahler0.310.081
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Belghaddar, Y.; Chahinian, N.; Seriai, A.; Begdouri, A.; Abdou, R.; Delenne, C. Graph Convolutional Networks: Application to Database Completion of Wastewater Networks. Water 2021, 13, 1681. https://doi.org/10.3390/w13121681

AMA Style

Belghaddar Y, Chahinian N, Seriai A, Begdouri A, Abdou R, Delenne C. Graph Convolutional Networks: Application to Database Completion of Wastewater Networks. Water. 2021; 13(12):1681. https://doi.org/10.3390/w13121681

Chicago/Turabian Style

Belghaddar, Yassine, Nanee Chahinian, Abderrahmane Seriai, Ahlame Begdouri, Reda Abdou, and Carole Delenne. 2021. "Graph Convolutional Networks: Application to Database Completion of Wastewater Networks" Water 13, no. 12: 1681. https://doi.org/10.3390/w13121681

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