Next Article in Journal
Classification Endmember Selection with Multi-Temporal Hyperspectral Data
Previous Article in Journal
Game Control Methods Comparison when Avoiding Collisions with Multiple Objects Using Radar Remote Sensing
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Deep Learning Segmentation and Classification for Urban Village Using a Worldview Satellite Image Based on U-Net

1
College of Natural Resources and Environment, South China Agricultural University, Guangzhou 510642, China
2
Guangdong Youyuan Land Information Technology Co., Ltd, Guangzhou 510642, China
3
School of Earth Systems and Sustainability, Southern Illinois University, Carbondale, IL 62901, USA
4
College of Mathematics and Informatics, South China Agricultural University, Guangzhou 510642, China
5
Guangdong Provincial Key Laboratory of Land Use and Consolidation, Guangzhou 510642, China
6
Guangdong Provincial Land Information Engineering Research Center, Guangzhou 510642, China
7
Guangzhou South China Research Institute of Natural Resource Science and Technology, Guangzhou 510640, China
*
Author to whom correspondence should be addressed.
Remote Sens. 2020, 12(10), 1574; https://0-doi-org.brum.beds.ac.uk/10.3390/rs12101574
Submission received: 8 April 2020 / Revised: 11 May 2020 / Accepted: 12 May 2020 / Published: 15 May 2020

Abstract

:
Unplanned urban settlements exist worldwide. The geospatial information of these areas is critical for urban management and reconstruction planning but usually unavailable. Automatically characterizing individual buildings in the unplanned urban village using remote sensing imagery is very challenging due to complex landscapes and high-density settlements. The newly emerging deep learning method provides the potential to characterize individual buildings in a complex urban village. This study proposed an urban village mapping paradigm based on U-net deep learning architecture. The study area is located in Guangzhou City, China. The Worldview satellite image with eight pan-sharpened bands at a 0.5-m spatial resolution and building boundary vector file were used as research purposes. There are ten sites of the urban villages included in this scene of the Worldview image. The deep neural network model was trained and tested based on the selected six and four sites of the urban village, respectively. Models for building segmentation and classification were both trained and tested. The results indicated that the U-net model reached overall accuracy over 86% for building segmentation and over 83% for the classification. The F1-score ranged from 0.9 to 0.98 for the segmentation, and from 0.63 to 0.88 for the classification. The Interaction over Union reached over 90% for the segmentation and 86% for the classification. The superiority of the deep learning method has been demonstrated through comparison with Random Forest and object-based image analysis. This study fully showed the feasibility, efficiency, and potential of the deep learning in delineating individual buildings in the high-density urban village. More importantly, this study implied that through deep learning methods, mapping unplanned urban settlements could further characterize individual buildings with considerable accuracy.

Graphical Abstract

1. Introduction

In less developed countries like Asian and Africa, urban sprawling is usually accompanied by the emergence of unplanned settlements, such as slums, shantytowns, and urban villages [1,2]. Rapid urbanization with the housing demand of low-income city dwellers has contributed to the emergence of unplanned settlements [3,4,5]. This kind of built-up area is often stuffed with high-density small buildings. Although unplanned settlements do provide housing for low-income city dwellers, their existence contributes to unequal living conditions, inhabitants often do not have access to equal services and face unsanitary living conditions, and there are issues with public safety [4,6]. Effective management, improvement, and reconstruction of the unplanned settlements become important policies in some cities [2,3]. Identifying and characterizing the unplanned settlements is essential and indispensable for urban planners and policymakers to evaluate urban reconstructions [1,2,4,7]. Typically, the urban village is the most commonly existing unplanned urban settlement in China.
Traditionally, the cartography of the unplanned buildings in urbanized areas has relied on field surveys by land management departments through the collection of measurements of buildings and digitalization [1]. However, field surveys are costly and labor-intensive due to the extensive existence of urban villages [8]. Remote sensing technologies have the advantage of being low-cost and allowing large coverage; without a doubt, it is an add-on method to the field surveys, and helps update the base map data [1,9]. Using low-altitude aerial photos or Unmanned Aerial Vehicle images to capture the buildings and digitize their footprints, the manual method is another conventional mapping method, but it is time-consuming. Therefore, a highly efficient, intelligent, and image-based methodology is urgently needed to cope with the challenges.
Remote sensing-based mapping of urban buildings has a long history with substantial literature [10]. With the increasing availability of high-resolution optical images, along with object-based image analysis (OBIA) has dominated the area of mapping urban buildings [9,11,12,13]. More often, most current techniques for image target detection are based on spectral and spatial features [14]. In recent years, Random Forest (RF) as a machine learning method has become one of the most popular approaches in built-up areas mapping [15,16]. Although numerous classification methods have been developed for urban land use mapping for some high-density built-up areas, the widely used pixel- or object-based methods usually does not allow the extraction of individual buildings, but typically clusters several buildings into one segment [17]. In a complex urban built-up area, the features (spectral, texture, shape, etc.) are uneasily described by conventional remote sensing methods, owing to the large variance among urban buildings [7,18,19,20]. Segmentation is the process of partitioning an image into segments by grouping neighboring pixels with similar feature values (brightness, texture, color, etc.) [13]. In high-density built-up areas, segmentation with OBIA is often impeded by difficulties such as the scale selection and rule definition. It is challenging to completely delineate the boundaries and preserve their shapes because the noise and textures on the building’s edges usually degrade the performance of image segmentation [21]. Additionally, a generalized and straightforward methodology is often hard to obtain and has not been reported. Therefore, developing a reliable and accurate building segmentation method towards mapping the unplanned urban settlements is still challenging.
On the other hand, there have been several studies demonstrating that the high-density slums can be mapped out using remote sensing images based on their physical characteristics distinguishable from formal settlements [1,2,4,16]. Meanwhile, it is crucial to recognize that mapping the slums need to go beyond delineating the whole area, characterizing individual buildings accounts for more demands. For instance, to assess the potential and benefits of urban reconstruction, both governmental and private decision-makers need to be acquainted with information regarding reconstruction incentives, public services, and environmental improvements [22,23]. The valuable information can only be obtained based on individual buildings extracted to address the need of different stakeholders. Therefore, the classification and characterization of buildings appear equally important.
Semantic segmentation is a classic Computer Vision problem to mask out regions of interest. In recent years, machine learning technologies, especially deep learning, have attracted the attention of the remote sensing community [14,17,24,25,26,27]. The deep convolutional neural network (CNN) has been applied to semantic segmentation [20,27]. One of the most recognized deep learning algorithms for image segmentation is the fully convolutional network illustrated by Long et al. [28]. This deep learning architecture is an end-to-end, pixel-by-pixel manner of semantic segmentation. It captures the details of features, and transfers the details to be recognizable in the trained neural network. Therefore, CNN is gaining more attention, attributing to its capability to automatically discover relevant contextual features in image categorization [28,29]. The CNN-based semantic segmentation has been applied to many pixel-wise image applications, such as road extraction, building extraction, urban land use classification, maritime semantic labeling, vehicle extraction, damage mapping and so on [1,24,30,31].
Conventional image classification methods have encountered bottlenecks for high-density built-up areas. CNN often outperforms most conventional image classifications [1]. Potentially, it could segment individual buildings in high-density unplanned settlements. Deep learning-based semantic segmentation is to use a convolutional neural network to learn prior knowledge of features and extract the objects from images. There are several advantages of using CNN to find solutions for unplanned urban settlements. First of all, it is fast to apply CNN to extraction. The learning process does not require human interventions. The network training takes hours on a computer. After the network training is completed, the classification of each image takes only seconds [26,32]. Secondly, it is truly automatic. The intrinsic difference between deep learning methods and the traditional visual recognition methods is that the deep learning methods can autonomously learn feature representations from a large amount of data, without much expertise or effort in predefining features [7,32]. In a complex urban area, manually predefined features are not likely able to cover all land cover types. Therefore, it is of great significance for automatic feature learning from remote sensing imagery rather than manually-defined features [26]. Moreover, the advantage of deep learning for a remote sensing image is characterized by sample repeatability and adaptability. Training samples are reusable in the CNN, which is significantly minimizing manual efforts in hand-craft features. More importantly, for most conventional remote sensing methods, boundary segmentation between high-density buildings is very difficult to achieve. This bottleneck could be potentially overcome by deep-learning semantic segmentation [19,26,27].
In recent years, many CNN with excellent performance has been reported. Compared to others, the U-net proposed by Ronneberger et al. [33] appears to be more popular and more quickly adopted and modified for remote sensing image segmentation. Training with a substantial amount of training data, the U-net uses a sliding-window set up to predict the class label of each pixel by providing a local region (patch) around that pixel. It also works with notably few training samples and yields precise semantic segmentation. The U-net has been adopted and highly evaluated by researchers [19,20,30,31,34].
Although remote sensing detection has greatly benefited from deep learning methods, whether the deep learning methods can separate the adjacent buildings in an overcrowded urban village has not yet been understood. Semantic segmentation is naturally related to classification problems. However, the feasibility, capability, and accuracy of the U-net convolutional neural network for classification in high-density urban village buildings had not been well understood either. Thus, the research objective of this study was placed on the semantic segmentation and classification for high-density buildings in urban villages. In this article, a deep learning framework based on U-net for the semantic segmentation of high-resolution images was proposed. By implementing and applying the U-net based CNN, the mapping capability of the individual buildings in the urban villages was demonstrated, and accuracy was validated.

2. Study Area and Data

2.1. Study Area

This study focused on building segmentation in the high-density urban villages located in Tianhe District of Guangzhou City, Southern China (Figure 1a), where a fast land-use conversion during its urbanization has been witnessed [35]. The urbanization process has led to the emergence of skyscrapers. However, lots of urban villages were submerged in the modern city. The urban villages as unplanned settlements typically exist in all large cities of China [7]. Thus, characterizing the unplanned settlements is necessary for urban management, livelihood improvement, and reconstruction.
Since 2009, Guangzhou City has begun its urban redevelopment so-called “Three Old Transformation” which was mainly dedicated to eliminating and reconstrucingt urban villages. The urban villages (Figure 1b–d) have been formed by the soaring demand for low-cost residential homes since the 1980s and still serve a housing supply for city immigrants from rural areas. There are unsanitary conditions, limited open space and greenery, and poorly managed facilities in the urban villages [7,36], which do not seem to fit the requirements of the formal urban planning. The potential risk of safety and criminals are often public concerns inside the urban villages [36,37]. The redevelopment of the urban villages has gradually become significant and necessary in Guangzhou City [37,38]. The city government of Guangzhou, such as Guangzhou Urban Renewal Bureau, has a strong need to identify the old buildings and obtain their detailed information to carry out the reconstruction of the urban villages.

2.2. Datasets

A high spatial resolution Worldview-2 satellite image acquired in December 2013 was used, and the scene of the image covered the central part of Tianhe District (Figure 1b). The Worldview-2 satellite was launched in October 2009 and is the first high-resolution satellite with 8-multispectral imaging bands. The image has eight 2-m resolution multispectral bands and a 0.5-m resolution panchromatic band. Since the Worldview-2 satellite is capable of stereo imaging, the nadir view image was considered appropriate for urban mapping [39]. The atmospheric correction was applied to the image to obtain the values of spectral reflectance. The multispectral bands were pan-sharpened to a spatial resolution of 0.5 m × 0.5 m using the nearest neighbor diffusion (NNDiffuse) pan sharpening algorithm [40], through which the spectral and texture details were fully preserved.
There were ten urban villages with overcrowded buildings existing in this scene of the image. Six of the sites marked with red were selected as training data, while the remaining four sites marked with blue were used as test data (Figure 1b). A building boundary vector file (.shp) of the urban villages was obtained courtesy of Guangzhou Land Resources and Urban Planning Bureau. The building boundary file and the satellite image had a strict alignment in spatial registration. The vector file was converted to a label image to train the U-net model (Figure 1e). The building boundaries were associated with their attributes, which allowed classifying the buildings as categories: “Old house”, “Old factory”, “Iron roof building”, and “New building” (Figure 1f). The satellite image and the building vector file was preprocessed in ArcGIS 10.2 and ENVI 5.3. The labeled image was generated from the building vector file and were converted to the classes.

3. Deep Learning Segmentation Using U-Net

Semantic segmentation is a process of taking an image and labeling each pixel in that image with a specific class [27,33]. More often, these processes are completed by a deep convolutional neural network (CNN). Through assistance from Computer Vision, semantic segmentation segments the image automatically. To do that, researchers can either use a pre-trained CNN to perform segmentation, or create a CNN; by labeling the targeted objects, researchers use the labeled data to perform network model training. In this study, the procedure was summarized as follows: (1) A large number of building footprints from the labeled image were converted from a building vector file; (2) The training data was partitioned into training sets and validation sets, then the satellite image associated with the label data was inputted to train a network model, and generate a model training report; (3) The model was applied to given test data. After the model training was completed, the test data was input into the network model, and the model was able to segment the targets from the background; and (4) The results were evaluated.

3.1. Network Architecture

In this study, semantic segmentation was developed based on U-net architecture [33]. It is noteworthy that an encoder-decoder architecture becomes increasingly popular in semantic segmentation due to its high flexibility and performance [28,30,34]. According to Ronneberger et al. [33], the U-net architecture uses the following types of layers and special operations: (1) Conv2D, Simple convolution layers with padding and 3 × 3 kernel; (2) MaxPooling2D, Simple max-pooling layers with 2 × 2 kernel; (3) A cropping 2D, cropping layer used to crop feature maps and concatenate; (4) A concatenate layer used to concatenate multiple feature maps from different stages of training; (5) An UpSampling2D layer used to increase the size of the feature map. Then, the decoder part is implemented for up-sampling; and (6) Finally, a softmax layer is added to generate a final segmentation map. The structures of the encoder and decoder parts are symmetrical with skip connections between them, which proves to be effective to produce fine-grained segmentation results. More importantly, U-net can preserve the feature maps to the same size as the original image, where up-sampling layers are followed by several Conv layers to produce dense features with finer resolutions. This study modified the deep-learning architecture to handle the Worldview image with eight bands. The modified deep learning architecture can accept any size of images ranging from megabyte to gigabyte. The advantage of the modified U-net is an “end-to-end” procedure; for instance, segmentation. For high-density building segmentation using images, the modified method can assign a class to every pixel according to which class exactly belongs to the intricate.
Figure 2 gives an intuitive demonstration of the U-net structure. Like other commercial networks, the architecture of the U-net consists of a large number of different operations illustrated by small arrows. There are several details and basic concepts that are applied to the U-net: (1) the convolutional layers for feature extraction through multiple 3 × 3 convolution kernels (denoted by Convolution); (2) the batch normalization layer for accelerating convergence during the training (denoted by Batch Normalization) [41]; (3) the activation function layer for nonlinear transformation of the feature maps, in which we adopted the widely used rectified linear unit (ReLU) (denoted by Activation) [42]; (4) the max-pooling layer for down-sampling of the feature maps (denoted by Max-pooling) [43]; (5) the up-sampling layer for recovering the size of the feature maps that are down-sampled by the max-pooling layer (denoted by up-sampling); and (6) the concatenation layer for combining the up-sampled feature map in the deep layers with the corresponding feature map from the shallow layers (denoted by Concatenation).
In brief, the U-net is characterized by the convolutional max-pooling, cropping, concatenate, and up-sampling layers. It receives the input image and runs through two convolutional operations with ReLU activation. The image is then encoded into the pooling layer. This process happens a few times, reducing the size of the feature maps. Once 1024 sample maps are obtained, the model starts up-sampling. The layers of the feature maps are concatenated with the feature maps from the down-sampling process. The feature maps are up-sampled from the previous concatenated feature maps and the model finally outputs the segmentation map as the same size of the original image. From Figure 2, the data are propagated through the network by convolutional encoding and decoding with copy and crop steps to retain the image information. Along all the possible paths, at the end, the segmentation map is obtained.

3.2. Network Model Training

The labeled image and 8-band Worldview image were used to train the deep CNN model. In this study, the tiles with the size of 256 × 256 pixels were cropped from the image. The randomly cropped tiles were the candidate training datasets. The more the training data are added, the more robust the network training, the better the segmentation results. The data augmentations were then applied on the tiles by rotating, mirroring, brightness enhancement and adding noise points to increase the features of data. In the experiments, 30 epochs with 16 batches per epoch were applied, and the learning rate was set at 0.01 for model training.
From the training dataset (Figure 1b, the red boundary areas), the buildings in the training sites were randomly divided into training samples of 70% and validation samples of 30% for model training, respectively. The epoch’s value was used to maintain the accuracy and convergence of loss. It would determine how well the model would perform and also influence the network training time. In this experiment, the Stochastic Gradient Descent optimization algorithm was adopted in the optimizer [44]. The learning rate in the optimization determines the speed of learning process, making the network training to converge. Weight decay is a penalty added to the loss function to prevent over-fitting of the network model, and the used value was 0.0001. Momentum means to what extent the model remains the original updating direction, and the value range was set up as 0.9. In this experiment, the following cross-entropy as a loss function was adopted to evaluate the training performance.
L l o s s = - 1 N i = 1 N y i l o g y ^ i - ( 1 - y i ) l o g ( 1 - y ^ i )
where yi is the ith actual labeled category and y ^ i is the ith predicted category.
Figure 3 presents the model training process. As the number of epochs increased, the accuracy of the training and validation increased, while the loss decreased. The accuracy increase and loss decrease changed rapidly at the beginning, then slowly and gradually became stable after 15 epochs. The validation loss value started to become stable after 0.15. We found that the network model obtained from the training sites could reach an accuracy of over 90% to identify the buildings in the training areas. The model training took about 72 hours to finish with 30 epochs and 10,000 cropped sample images.

3.3. Experiment Environment and Programming

The U-net architecture as well as the whole semantic segmentation procedure were mainly implemented based on the Tensorflow and Keras deep learning framework in Python programming language. All other processing and analyses were carried out using open-source modules, including GDAL, NumPy, Pandas, OpenCV, Scikit-learn, etc. The deep learning network experimentation and modeling were executed in Jupyter Notebook programming platform. The configuration of the computer environment was Ubuntu 16.04.4 operation system with the virtual machine configured with 16 GB of RAM and an NVIDIA Geforce GTX 1080 GPU. The complete procedure of the deep-learning for semantic segmentation using the U-net was summarized in Figure 4.

3.4. Accuracy Assessment

In this study, the performance of semantic segmentation using U-net was evaluated by the confusion matrix [45]. The overall accuracy (OA) was calculated by summing the percentages of pixels that were correctly recognized by the model compared to the reference labeled image for all the categories (Equation (2)).
O A = i = 0 k p i i i = 0 k j = 0 k p i j
where pii means the number of pixels for categories i correctly recognized by the model, while pij means the number of pixels for categories i incorrectly recognized into category j by the model, and k is the number of categories.
The confusion matrix makes it easy to compute and apply F1-score to evaluate the semantic segmentation, which is based on the Precisions and the Recalls (Equation (3)). Table 1 gives an example of the confusion matrix for building extraction. The columns represent the actual values, and rows represent the predicted values. The confusion matrix is a way of classifying true positives (TP), true negatives (TN), false positives (FP), and false negatives (FN) when there are more than two classes. Then, F1-score (Equation (4)) is then computed to evaluate the performance of a model that considers a balance between Precision and Recall. For segmentation and multi-class classification, the calculation is similar, and an average of the F1-score values of all the classes can be obtained.
R e c a l l = T P T P + F N , P r e c i s i o n = T P T P + F P
The Recall is the ratio of the correctly predicted positive observations to all observations in an actual class. The Precision is the ratio of the correctly predicted positive observations to the total predicted positive observations. The F1-score combines the Precisions and the Recalls.
F 1 - s c o r e = 2 * P r e c i s i o n * R e c a l l P r e c i s i o n + R e c a l l
The Jaccard Index, also known as Intersection-over-Union (IoU), which means the ratio of intersection and union of two sets, is a statistic used in understanding the similarities between sample sets. In image semantic segmentation, these two sets represent the prediction and the reference. When a segmentation image is obtained, the value of IoU for each category will be calculated according to Equation (5).
I o U = | A B | | A B |
where A represents the prediction and B represents the ground truth.
To evaluate the performance of the deep learning for semantic segmentation using U-net, we presented the intuitive visualization of the predicted results compared with the ground truth, calculated the overall accuracy, F1-score, and Intersection-over-Union value. Additionally, the performance of U-net was compared with those from Random Forest (RF) and object-based image analysis (OBIA).

4. Results

4.1. Performance of Building Segmentation

The results of building segmentation were presented in Figure 5, including the six training sites and four test sites within the red box and blue box, respectively. The predicted images in the training sites and test sites showed a good match with the label image (ground truth). For each high-density urban village with overcrowded, irregular-shaped buildings, the network model precisely delineated individual buildings. As presented in Figure 5, the data set used for training should get good prediction results; on the other hand, the test sites that also obtained good predicted maps visually looked like the label images. A snapshot of a magnified area also gave an in-depth inspection of the segmentation results; more importantly, it is shown that the boundaries of the adjacent buildings were correctly separated. Individual buildings are seldom missing, and boundary shapes are basically delineated and preserved.
The overall accuracy, F1-score and Intersection-over-Union were summarized in Table 2, to give a quantitative description of the prediction results. All the training sites achieved overall accuracies of over 93%, and the test sites achieved an overall accuracy of over 86%. Moreover, both the training and test sites led to F1-score values over 0.89, and an Intersection over Union value over 90%, both of which indicate the excellent performance of the building’s segmentation.

4.2. Performance of Building Classification

To further demonstrate the capability of the U-net in building classification for the urban village, we trained and applied the network model based on the categories of the buildings (“Old house”, “Old factory”, “Iron roof building”, “New building”). The building classification was presented in Figure 6, including the six training sites and four test sites within the red box and blue box, respectively. As presented in Figure 6, the data set used for training were supposed to get good prediction results; on the other hand, the test sites also obtained good predicted maps that visually looked like the label images. It was found that there were perfect matches between the predicted images and the labeled maps. The adjacent buildings were successfully separated; building types were classified with a few misclassifications. The snapshot of a magnified area further provided a detailed inspection of the results. The shape of a buildings’ boundary is basically delineated and preserved.
Table 3 listed the summaries of the overall accuracy, F1-score, and Intersection-over-Union to give a quantitative description of the prediction results. As expected, the training sites reached a satisfactory result for all the indicators; the test sites obtained the overall accuracy over 83%, F1-score varied from 0.63 to 0.88, and the Intersection-over-Union value varied from 86% to 93%. Compared with those from the training sites, the results of the test sites were unsatisfactory, but the performance of building classification was reasonable considering the complex urban landscapes.

4.3. Comparison with Random Forest and Object-Based Image Analysis

The performance of the U-net segmentation was compared with RF and OBIA using test data Site 7. RF was implemented with EnMAP-Box 2.1 [46], and OBIA was implemented with Rule-based Feature Extraction in ENVI 5.3. The results in Figure 7 showed that the U-net obtained the highest overall accuracy of classifying the urban village buildings, followed by RF. OBIA had an inferior performance.

5. Discussion

A lot of artificial intelligence architectures have been developed for feature extraction in remote sensing. Deep learning methods are relatively new and provide great potential for object extraction from remote sensing images. This article presented a deep learning application using U-net for the segmentation and classification of individual buildings in the high-density urban villages located in Guangzhou City. The experiment achieved reasonable, accurate, and encouraging results, and provided valuable implications for those who are studying the unplanned urban areas.

5.1. Result Interpretation

The network model performed well in segmenting the high-density buildings. The results in Figure 5 and Figure 6 showed that most individual buildings were accurately separated, which demonstrates the ability of the Worldview satellite image and the U-net to delineate such kind of buildings in the high-density urban villages. Without a doubt, the U-net segmentation (OA = 87.2%) substantially outperformed the RF (OA = 77.7%) and OBIA (58.1%) methods (Figure 7), and offered valuable implications for large-scale building extraction of complex urban environments.
In addition to the classification accuracy, the convenience of the methods also matters. The deep learning-based semantic segmentation can tackle the high-density urban villages and capture the complicated semantics but requires fewer manual interventions during the process. The OBIA requires user’s interactions for the feature design and scale selection but would not ensure a higher detection accuracy. As one of the most favorable machine-learning methods, RF is easy to implement, but the accuracy does not seem an effective application. The RF also failed to separate the adjacent buildings. Thus, the complex urban village environment makes it challenging to use conventional image classification methods to separate the adjacent buildings. Fortunately, deep learning provides significant potential in this regard.

5.2. Relevant Studies and Limitations

Detecting and mapping unplanned settlements (e.g., urban slums) had for a long time been considered challenging using remote sensing methods [2]. The previously recognized work of detecting slums and unplanned settlements have mainly focusing on spatial detection and delineation of outer boundaries [47,48,49]. Since unplanned settlement is stuffed with high-density buildings, studies using the conventional remote sensing methods to delineate the individual buildings are limited. Although deep convolutional neural networks had already been adopted by some authors as well as proposing modified networks, however, their studies focus only on the whole built-up areas and not on the separation of the individual buildings [1,7,50]. Additionally, it is important to realize that mapping the unplanned urban settlements needs to go beyond delineation of the building boundaries and should also characterize the individual buildings, i.e., classify the buildings into different categories, such as “Old house”, “Old factory”, “Iron roof building” and “New building” in this study. Hence, this study has made contributions to this field.
On the other hand, although the open-access training datasets provide the image and reference datasets for the deep learning network training and testing. However, the on-line datasets were selected for the typical case but not generalized towards the environment of complex unplanned urban settlements [18,49]. This study took the realistic demand into account and investigated the possibility, plausibility, and accuracy of using the deep learning method in a real application. Whether the U-net based segmentation is applicable for those extremely irregular-shaped and high-density urban areas, is the primary question to answer in this study.

5.3. Model Improvement

There are still several issues to discuss regarding the efficiency of the network model training. The potential and significance of the deep learning method to extract objects are relying on its fast and full automation, sample repeatability, and adaptability. The performance of the CNN-based image semantic segmentation is dependent on a large amount of training data. A model that works with notably fewer training samples and yields accurate results is highly desirable [24,25,26]. It is still hard to tell how many samples are sufficient to train a robust network model. Therefore, conducting the sensitivity analysis regarding the number of training samples and the model hyperparameters on the network performance is necessary for the future. Besides, there is also some potential for further improvement related to the design of the CNN, data augmentation, finer resolution of imagery, etc.
The images used in most articles mainly consist of three channels (Red, Green, and Blue). The Worldview image used in this study has eight bands, which may be beneficial in characterizing the individual buildings because, by involving more bands, the convolution filtering can enhance the extraction of texture, shape, and edge features of the buildings. This perspective supports the proposal that a multi-spectral image outperforms three channels image for the deep neural network training [51]. Further research should also consider the use of auxiliary geo-information such as digital surface models and open-street maps to enhance the model training [2].

5.4. Lesson Learned

Remote sensing technologies would not be successful without the support of other theories such as physics, statistics, data fusion, and machine learning [24,26]. This study demonstrated that deep learning could solve the real problem of characterizing the buildings in the complex urban villages, while the widely-used classification methods such as RF and OBIA failed to achieve. When using the deep learning method for the remote sensing applications. However, it is not enough to know how to execute the computer program to run the model; it is also encouraged to have a more in-depth understanding of the object features, and introduce the properties into the deep neural network models for improvement.
We realized that one of the critical factors that affect the performance of deep learning applications in remote sensing is the quality and authenticity of data. Only reliably labeled data of the building features can lead to a robust CNN model. In this study, the features of the buildings in the reference dataset might be inconsistent with those shown in the real image. For example, some buildings show iron roofs in the image but are assigned with the attribute of old houses in the reference dataset. The faults of the experiment data might have been responsible for some of the poor results.
On the other hand, the classifications of the test sites 7, 9, and 10 gave relatively lower values of F1-score, mainly because some newly-built buildings (red in Figure 6) were incorrectly identified. In fact, it is hard to discriminate between the new and old buildings with the naked eye, and the network model learned such features insufficiently, which led to misclassification. The quality of the satellite image also matters. The highly irregular-shaped and great unbalance of the buildings among the samples used for the model training might also have led to problematic results. Last but not least, the labeled reference data and the satellite image should have a strict alignment in spatial registration. Therefore, the researchers should be cautious regarding data quality.

6. Conclusions

Unplanned urban settlements widely exist in less-developed countries. Automatic building extraction in the urban environment has long been challenging due to the high-density, complex surroundings, and various shapes of the buildings. Accordingly, the motivation of this study was to show the capability of deep learning for the urban village mapping in which both segmentation and classification of individual buildings were tested. A deep learning paradigm based on U-net CNN was proposed for the semantic segmentation using a Worldview satellite image. The results indicated that most adjacent buildings were well separated; boundary shapes are basically delineated and preserved. The proposed method led to overall accuracy over 86% for the building segmentation, and over 83% for the building classification; F1-score and Interaction-over-Union value both indicated satisfactory results. The deep learning based on U-net significantly outperformed the widely used RF and OBIA, indicating that the deep learning provided greater potential to characterize the individual buildings in the complex urban villages. This study demonstrated the feasibility, efficiency, and potential of the deep learning in delineating the individual buildings in the high-density urban village. Therefore, it should contribute to the knowledge gap-filling for remote sensing mapping of the unplanned urban settlements. This study also implies that integrating the deep learning based on U-net with the high spatial resolution satellite images can offer accurate building information in the complex urban villages that is needed for urban redevelopment.

Author Contributions

Z.P. is the primary designer of this study, including data preparation, manuscript writing; J.X. and Y.G. developed the deep-learning for remote sensing data framework and implemented the programming; Y.H. gave valuable suggestions, helped with the data collection, and provided the funding for this research. G.W. secured the funding, provided critical suggestions in writing and revised the whole manuscript. All authors have read and agreed to the published version of the manuscript.

Funding

This research was supported by the China National Key Research and Development Program (2018YFD1100801), Major Project of Science and Technology Guangdong Province (Grant No.2016B010110005), Guangzhou Science and Technology Project (201807010048), and the International Postdoctoral Exchange Fellowship Program 2017 (Grant NO. 20170029).

Acknowledgments

The authors would express appreciation to the colleagues of Guangzhou Urban Renewal Bureau for their discussion.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Wurm, M.; Stark, T.; Zhu, X.; Weigand, M.; Taubenböck, H. Semantic segmentation of slums in satellite images using transfer learning on fully convolutional neural networks. ISPRS J. Photogramm. Remote Sens. 2019, 150, 59–69. [Google Scholar] [CrossRef]
  2. Mahabir, R.; Croitoru, A.; Crooks, A.T.; Agouris, P.; Stefanidis, A. A critical review of high and very high-resolution remote sensing approaches for detecting and mapping slums: Trends, challenges and emerging opportunities. Urban Sci. 2018, 2, 8. [Google Scholar] [CrossRef] [Green Version]
  3. Kuffer, M.; Persello, C.; Pfeffer, K.; Sliuzas, R.; Rao, V. Do we underestimate the global slum population? In Proceedings of the Joint Urban Remote Sensing Event 2019, Vannes, France, 22–24 May 2019; pp. 1–4. [Google Scholar]
  4. Kuffer, M.; Pfeffer, K.; Sliuzas, R. Slums from space—15 years of slum mapping using remote sensing. Remote Sens. 2016, 8, 455. [Google Scholar] [CrossRef] [Green Version]
  5. United Nations. Habitat iii issue papers 22—Informal settlements. In United Nations Conference on Housing and Sustainable Urban Development; United Nations: New York, NY, USA, 2015. [Google Scholar]
  6. Mahabir, R.; Crooks, A.; Croitoru, A.; Agouris, P. The study of slums as social and physical constructs: Challenges and emerging research opportunities. Reg. Stud. Reg. Sci. 2016, 3, 399–419. [Google Scholar] [CrossRef] [Green Version]
  7. Li, Y.; Huang, X.; Liu, H. Unsupervised deep feature learning for urban village detection from high resolution remote sensing images. Photogramm. Eng. Remote Sens. 2017, 83, 567–579. [Google Scholar] [CrossRef]
  8. Buchanan, T. Photogrammetry and Projective Geometry: An Historical Survey; SPIE: San Francisco, CA, USA, 1993; Volume 1944. [Google Scholar]
  9. Bachofer, F.; Braun, A.; Adamietz, F.; Murray, S.; Angelo, P.d.; Kyazze, E.; Mumuhire, A.P.; Bower, J. Building stock and building typology of kigali, rwanda. Data 2019, 4, 105. [Google Scholar] [CrossRef] [Green Version]
  10. Patino, J.E.; Duque, J.C. A review of regional science applications of satellite remote sensing in urban settings. Comput. Environ. Urban Syst. 2013, 37, 1–17. [Google Scholar] [CrossRef]
  11. Blaschke, T. Object based image analysis for remote sensing. ISPRS J. Photogramm. Remote Sens. 2010, 65, 2–16. [Google Scholar] [CrossRef] [Green Version]
  12. Liu, J.; Li, P.; Wang, X. A new segmentation method for very high resolution imagery using spectral and morphological information. ISPRS J. Photogramm. Remote Sens. 2015, 101, 145–162. [Google Scholar] [CrossRef]
  13. Jin, X. Segmentation-Based Image Processing System. U.S. Patent 20,090,123,070, 14 May 2009. [Google Scholar]
  14. Emmanuel, M.; Yuliya, T.; Guillaume, C.; Pierre, A. Convolutional neural networks for large-scale remote sensing image classifcation. IEEE Trans. Geosci. Remote Sens. 2017, 55, 645–675. [Google Scholar]
  15. Rodriguez-Galiano, V.F.; Chica-Olmo, M.; Abarca-Hernandez, F.; Atkinson, P.M.; Jeganathan, C. Random forest classification of mediterranean land cover using multi-seasonal imagery and multi-seasonal texture. Remote Sens. Environ. 2012, 121, 93–107. [Google Scholar] [CrossRef]
  16. Duque, J.C.; Patino, J.E.; Betancourt, A. Exploring the potential of machine learning for automatic slum identification from vhr imagery. Remote Sens. 2017, 9, 895. [Google Scholar] [CrossRef] [Green Version]
  17. Huang, B.; Zhao, B.; Song, Y. Urban land-use mapping using a deep convolutional neural network with high spatial resolution multispectral remote sensing imagery. Remote Sens. Environ. 2018, 214, 73–86. [Google Scholar] [CrossRef]
  18. Chen, R.; Li, X.; Li, J. Object-based features for house detection from rgb high-resolution images. Remote Sens. 2018, 10, 451. [Google Scholar] [CrossRef] [Green Version]
  19. Li, W.; He, C.; Fang, J.; Zheng, J.; Fu, H.; Yu, L. Semantic segmentation-based building footprint extraction using very high-resolution satellite images and multi-source gis data. Remote Sens. 2019, 11, 403. [Google Scholar] [CrossRef] [Green Version]
  20. Yi, Y.; Zhang, Z.; Zhang, W.; Zhang, C.; Li, W.; Zhao, T. Semantic segmentation of urban buildings from vhr remote sensing imagery using a deep convolutional neural network. Remote Sens. 2019, 11, 1174. [Google Scholar] [CrossRef] [Green Version]
  21. Carleer, A.P.; Debeir, O.; Wolf, E. Assessment of very high spatial resolution satellite image segmentations. Photogramm. Eng. Remote Sens. 2004, 71, 1285–1294. [Google Scholar] [CrossRef] [Green Version]
  22. Hui, E.C.M.; Dong, Z.; Jia, S.H.; Lam, C.H.L. How does sentiment affect returns of urban housing? Habitat Int. 2017, 64, 71–84. [Google Scholar] [CrossRef]
  23. Loures, L.; Vaz, E. Exploring expert perception towards brownfield redevelopment benefits according to their typology. Habitat Int. 2018, 72, 66–76. [Google Scholar] [CrossRef]
  24. Ball, J.E.; Anderson, D.T.; Chan, C.S. Comprehensive survey of deep learning in remote sensing: Theories, tools, and challenges for the community. J. Appl. Remote Sens. 2017, 11, 042609. [Google Scholar] [CrossRef] [Green Version]
  25. Zhang, L.; Zhang, L.; Du, B. Deep learning for remote sensing data: A technical tutorial on the state of the art. IEEE Geosci. Remote Sens. Mag. 2016, 6, 22–40. [Google Scholar] [CrossRef]
  26. Zhu, X.X.; Tuia, D.; Mou, L.; Xia, G.S.; Zhang, L.; Xu, F.; Fraundorfer, F. Deep learning in remote sensing: A comprehensive review and list of resources. IEEE Geosci. Remote Sens. Mag. 2017, 5, 8–36. [Google Scholar] [CrossRef] [Green Version]
  27. Garcia-Garcia, A.; Orts-Escolano, S.; Oprea, S.; Villena-Martinez, V.; Garcia-Rodriguez, J. A review on deep learning techniques applied to semantic segmentation. arXiv 2017, arXiv:1704.06857. [Google Scholar]
  28. Long, J.; Shelhamer, E.; Darrell, T. Fully convolutional networks for semantic segmentation. In Proceedings of the 2015 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Boston, MA, USA, 7–12 June 2015. [Google Scholar]
  29. Yang, H.L.; Yuan, J.; Lunga, D.; Laverdiere, M.; Rose, A.; Bhaduri, B. Building extraction at scale using convolutional neural network. J. Latex Cl. Files 2015, 14, 1–15. [Google Scholar]
  30. Bai, Y.; Mas, E.; Koshimura, S. Towards operational satellite-based damage-mapping using u-net convolutional network: A case study of 2011 tohoku earthquake-tsunami. Remote Sens. 2018, 10, 1626. [Google Scholar] [CrossRef] [Green Version]
  31. Wagner, F.H.; Sanchez, A.; Tarabalka, Y.; Lotte, R.G.; Ferreira, M.P.; Aidar, M.P.M.; Gloor, E.; Phillips, O.L.; Aragão, L.E.O.C. Using the u-net convolutional network to map forest types and disturbance in the atlantic rainforest with very high resolution images. Remote Sens. Ecol. Conserv. 2019. [Google Scholar] [CrossRef] [Green Version]
  32. Hinton, G.; Osindero, S.; Teh, Y. A fast learning algorithm for deep belief nets. Neural Comput. 2006, 18, 1527–1554. [Google Scholar] [CrossRef]
  33. Ronneberger, O.; Fischer, P.; Brox, T. U-net: Convolutional networks for biomedical image segmentation. In Proceedings of the Medical Image Computing and Computer-Assisted Intervention 2015, Munich, Germany, 5–9 October 2015; Volume 9351. [Google Scholar]
  34. Peng, D.; Zhang, Y.; Guan, H. End-to-end change detection for high resolution satellite images using improved unet++. Remote Sens. 2019, 11, 1382. [Google Scholar] [CrossRef] [Green Version]
  35. Xiong, Y.; Huang, S.; Chen, F.; Ye, H.; Wang, C.; Zhu, C. The impacts of rapid urbanization on the thermal environment: A remote sensing study of Guangzhou, south china. Remote Sens. 2012, 4, 2033–2056. [Google Scholar] [CrossRef] [Green Version]
  36. Li, L.H.; Lin, J.; Li, X.; Wu, F. Redevelopment of urban village in china – a step towards an effective urban policy? A case study of liede village in Guangzhou. Habitat Int. 2014, 43, 299–308. [Google Scholar] [CrossRef]
  37. Pan, Z.; Wang, G.; Hu, Y.; Cao, B. Characterizing urban redevelopment process by quantifying thermal dynamic and landscape analysis. Habitat Int. 2019, 86, 61–70. [Google Scholar] [CrossRef]
  38. Pan, Z.; Hu, Y.; Wang, G. Detection of short-term urban land use changes by combining sar time series images and spectral angle mapping. Front. Earth Sci. 2019, 13, 495–509. [Google Scholar] [CrossRef]
  39. Jensen, J.R. Introductory Digital Image Processing: A Remote Sensing Perspective, 4th ed.; Pearson Prentice Hall: Upper Saddle River, NJ, USA, 2016; pp. 234–235. [Google Scholar]
  40. Sun, W.; Chen, B.; Messinger, D. Nearest neighbor diffusion based pan sharpening algorithm for spectral images. Opt. Eng. 2014, 53, 013107. [Google Scholar] [CrossRef] [Green Version]
  41. Ioffe, S.; Szegedy, C. Batch normalization: Accelerating deep network training by reducing internal covariate shift. In Proceedings of the 32nd International Conference on International Conference on Machine Learning, Lille, France, 6–11 July 2015; pp. 448–456. [Google Scholar]
  42. Springenberg, J.T.; Dosovitskiy, A.; Brox, T.; Riedmiller, M. Striving for simplicity: The all convolutional net. arXiv 2014, arXiv:1412.6806. [Google Scholar]
  43. Xu, B.; Wang, N.; Chen, T.; Li, M. Empirical evaluation of rectified activations in convolutional network. arXiv 2015, arXiv:1505.00853. [Google Scholar]
  44. Bottou, L. Large-scale machine learning with stochastic gradient descent. In Proceedings of the 19th International Conference on Computational Statistics, Paris, France, 22–27 August 2010. [Google Scholar]
  45. Foody, G.M. Status of land cover classification accuracy assessment. Remote Sens. Environ. 2002, 80, 185–201. [Google Scholar] [CrossRef]
  46. Van der Linden, S.; Rabe, A.; Held, M.; Jakimow, B.; Leitão, P.; Okujeni, A.; Schwieder, M.; Suess, S.; Hostert, P. The enmap-box—A toolbox and application programming interface for enmap data processing. Remote Sens. 2015, 7, 11249–11266. [Google Scholar] [CrossRef] [Green Version]
  47. Hofmann, P.; Taubenböck, H.; Werthmann, C. In Monitoring and Modelling of Informal Settlements—A Review on Recent Developments and Challenges. In Proceedings of the Joint Urban Remote Sensing Event 2015, Lausanne, Switzerland, 30 March–1 April 2015. [Google Scholar]
  48. Rhinane, H.; Hilali, A.; Berrada, A.; Hakdaoui, M. Detecting slums from spot data in casablanca morocco using an object based approach. J. Geogr. Inf. Syst. 2011, 3, 217–224. [Google Scholar] [CrossRef] [Green Version]
  49. Kuffer, M.; Pfeffer, K.; Sliuzas, R.; Baud, I. Extraction of slum areas from vhr imagery using glcm variance. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2016, 9, 1830–1840. [Google Scholar] [CrossRef]
  50. Tan, Y.; Xiong, S.; Yan, P. Multi-branch convolutional neural network for built-up area extraction from remote sensing image. Neurocomputing 2019. [Google Scholar] [CrossRef]
  51. Zhang, P.; Ke, Y.; Zhang, Z.; Wang, M.; Li, P.; Zhang, S. Urban land use and land cover classification using novel deep learning models based on high spatial resolution satellite imagery. Sensor 2018, 18, 3717. [Google Scholar] [CrossRef] [Green Version]
Figure 1. (a) Location of the study area in Tianhe District of Guangzhou City; (b) WorldView-2 image with red and blue polygons marked as training and test sites, respectively; (c,d) on-site view of one selected site; (e) vector file of the building boundaries; and (f) labeled image with building categories.
Figure 1. (a) Location of the study area in Tianhe District of Guangzhou City; (b) WorldView-2 image with red and blue polygons marked as training and test sites, respectively; (c,d) on-site view of one selected site; (e) vector file of the building boundaries; and (f) labeled image with building categories.
Remotesensing 12 01574 g001
Figure 2. Illustration of the U-net Architecture for semantic segmentation, including the name and function of each layer (modified from Ronneberger et al. [33]).
Figure 2. Illustration of the U-net Architecture for semantic segmentation, including the name and function of each layer (modified from Ronneberger et al. [33]).
Remotesensing 12 01574 g002
Figure 3. Training loss and accuracy against 30 epochs: training loss (blue); validation loss (red); training accuracy (green); validation accuracy (black).
Figure 3. Training loss and accuracy against 30 epochs: training loss (blue); validation loss (red); training accuracy (green); validation accuracy (black).
Remotesensing 12 01574 g003
Figure 4. Procedure of the deep neural network training and application.
Figure 4. Procedure of the deep neural network training and application.
Remotesensing 12 01574 g004
Figure 5. Performance of building segmentation by U-net.
Figure 5. Performance of building segmentation by U-net.
Remotesensing 12 01574 g005
Figure 6. Performance of building classification by U-net (blue: Old house; green: Old factory; yellow: Iron roof building; red: New building).
Figure 6. Performance of building classification by U-net (blue: Old house; green: Old factory; yellow: Iron roof building; red: New building).
Remotesensing 12 01574 g006
Figure 7. Comparison of the building extraction among the U-net, object-based image analysis, and Random Forest.
Figure 7. Comparison of the building extraction among the U-net, object-based image analysis, and Random Forest.
Remotesensing 12 01574 g007
Table 1. F1-score calculation from confusion matrix.
Table 1. F1-score calculation from confusion matrix.
Ground Truth
Prediction BuildingsNon Buildings
BuildingsTPFP
Non BuildingsFNTN
Table 2. Accuracy assessment of building segmentation.
Table 2. Accuracy assessment of building segmentation.
Training SitesTest Sites
12345678910
Overall accuracy (%)98.9797.5996.0393.2895.1597.2487.7095.1796.9286.88
F1-score0.9930.9840.9720.8950.9570.9820.9090.9710.9760.898
IoU (%)92.3190.6196.6095.8899.4488.4993.0499.4698.4397.01
Table 3. Summary of the overall accuracy of building classification.
Table 3. Summary of the overall accuracy of building classification.
Training SitesTest Sites
12345678910
Overall accuracy (%)96.593.693.794.094.593.783.487.286.484.7
F1-score0.960.940.930.920.890.890.680.880.650.63
IoU (%)85.5298.4096.1192.8891.8796.0086.2093.2688.7886.11

Share and Cite

MDPI and ACS Style

Pan, Z.; Xu, J.; Guo, Y.; Hu, Y.; Wang, G. Deep Learning Segmentation and Classification for Urban Village Using a Worldview Satellite Image Based on U-Net. Remote Sens. 2020, 12, 1574. https://0-doi-org.brum.beds.ac.uk/10.3390/rs12101574

AMA Style

Pan Z, Xu J, Guo Y, Hu Y, Wang G. Deep Learning Segmentation and Classification for Urban Village Using a Worldview Satellite Image Based on U-Net. Remote Sensing. 2020; 12(10):1574. https://0-doi-org.brum.beds.ac.uk/10.3390/rs12101574

Chicago/Turabian Style

Pan, Zhuokun, Jiashu Xu, Yubin Guo, Yueming Hu, and Guangxing Wang. 2020. "Deep Learning Segmentation and Classification for Urban Village Using a Worldview Satellite Image Based on U-Net" Remote Sensing 12, no. 10: 1574. https://0-doi-org.brum.beds.ac.uk/10.3390/rs12101574

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