Next Article in Journal
Emotion and Stress Recognition Related Sensors and Machine Learning Technologies
Previous Article in Journal
An Outlook of Recent Advances in Chemiresistive Sensor-Based Electronic Nose Systems for Food Quality and Environmental Monitoring
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

StyHighNet: Semi-Supervised Learning Height Estimation from a Single Aerial Image via Unified Style Transferring

1
State Key Laboratory of Virtual Reality Technology and Systems, Beihang University, Beijing 100191, China
2
School of New Media Art and Design, Beihang University, Beijing 100191, China
*
Author to whom correspondence should be addressed.
Sensors 2021, 21(7), 2272; https://doi.org/10.3390/s21072272
Submission received: 15 February 2021 / Revised: 13 March 2021 / Accepted: 21 March 2021 / Published: 24 March 2021
(This article belongs to the Section Sensing and Imaging)

Abstract

:
Recovering height information from a single aerial image is a key problem in the fields of computer vision and remote sensing. At present, supervised learning methods have achieved impressive results, but, due to domain bias, the trained model cannot be directly applied to a new scene. In this paper, we propose a novel semi-supervised framework, StyHighNet, for accurately estimating the height of a single aerial image in a new city that requires only a small number of labeled data. The core is to transfer multi-source images to a unified style, making the unlabeled data provide the appearance distribution as additional supervision signals. The framework mainly contains three sub-networks: (1) the style transferring sub-network maps multi-source images into unified style distribution maps (USDMs); (2) the height regression sub-network, with the function of predicting the height maps from USDMs; and (3) the style discrimination sub-network, used to distinguish the sources of USDMs. Among them, the style transferring sub-network shoulders dual responsibilities: On the one hand, it needs to compute USDMs with obvious characteristics, so that the height regression sub-network can accurately estimate the height maps. On the other hand, it is necessary that the USDMs have consistent distribution to confuse the style discrimination sub-network, so as to achieve the goal of domain adaptation. Unlike previous methods, our style distribution function is learned unsupervised, thus it is of greater flexibility and better accuracy. Furthermore, when the style discrimination sub-network is shielded, this framework can also be used for supervised learning. We performed qualitatively and quantitative evaluations on two sets of public data, Vaihingen and Potsdam. Experiments show that the framework achieved superior performance in both supervised and semi-supervised learning modes.

1. Introduction

With the development of remote sensing and image acquisition technology, high-resolution aerial images are widely used, e.g., in urban planning, disaster monitoring, emergency management, and so on. If height information could be automatically extracted from aerial images, it would further improve the intelligent level of downstream applications, such as automated city modeling [1,2], augmented reality [3,4], etc. However, it is a technically ill-posed problem to extract height from a single image [5], especially for the scenes with complex structure. Most traditional solutions are based on handcrafted visual features and probabilistic graphical models (PGMs), which rely on strong assumptions about the geometry of the scene, seriously affected by issues of flexibility and stability [6]. In recent years, with the growth of deep learning and the emergence of large-scale datasets, image-to-height mapping can be trained end-to-end. Most of them use an encoder–decoder network structure [7], where the encoder is responsible for extracting multi-scale spatial features, while the decoder gradually up-samples these features to the original size to obtain dense height values. Although excellent performance has been achieved through supervised learning, there are still some problems in practice: (1) Making training labels is expensive. At present, the mainstream method for obtaining depth/height labels is based on LiDAR or multi-view stereo vision (MVS) 3D reconstruction, both of which require complex and expensive pre/post-processing. Therefore, currently available aerial height estimation datasets are limited in number and scale; thus, training on these datasets easily leads to overfitting. (2) Due to historical, climatic, and cultural reasons, the appearances of different cities are significantly different (domain bias [8]), which means models trained in one city cannot be properly applied to other cities.
To solve the above problems, researchers have proposed many solutions. The authors of [9,10,11] generated synthetic datasets. The virtual 3D world is constructed manually or semi-automatically, and then samples and labels are exported automatically or interactively. This kind of data has the advantages of low cost, fast generation, and no noise, which can effectively make up for the shortcomings of the real dataset. However, there exists a problem named domain bias [8] caused by the difference between the real world and the virtual scenes. Zhou et al. [12] proposed the fine-tuning method to deal with the situation where only a small amount of training data available in the new scene, which locks most of the model parameters trained on the original data and then retrains the remaining parameters on the target data. Although the convergence rate is faster, it can easily cause the phenomena of overfitting and catastrophic forgetting [13]. Atapour et al. [14] proposed a domain adapting method. By firstly training a deep model on synthetic data, and then mapping the real data to synthetic data, it easily gives rise to semantic deviation when the appearance difference between two domains is large (such as two cities).
In this paper, we propose a novel semi-supervised deep neural framework, named StyHighNet, that can accurately estimate the height map from a single aerial image that only requires a small count of training labels. The core is to transfer multi-source data (source domain data with a large number of labels, target domain data with a small number of labels, and synthetic data) into a kind of unified style distribution maps, and then infer the height maps from them. This framework contains three sub-networks: (1) the style transferring sub-network (STN), which converts multi-source images into unified style distribution maps (USDMs); (2) the height regression sub-network (HRN), which infers the dense height map from USDMs; and (3) the style discrimination sub-network (SDN), which determines the source type of USDMs. Among them, STN has a dual responsibility: On the one hand, it tries to estimate the height map accurately together with HRN, therefore making USDMs have sufficient characteristics to regress from. On the other hand, it attempts to confuse SDN in an adversarial manner, making the distribution of USDMs similar, to achieve the goal of domain adaptation [15]. Compared with previous work, the differences in our work are as follows: (1) We discriminate the data source in a dense manner using pixel-wise prediction of the probability distribution of source category, which refines the control of style distribution. (2) We use dual networks to estimate the height maps, which has more learning ability to deal with complex scenes. (3) The distribution of USDMs is learned unsupervised, thus it has great flexibility and stability, especially when there are significant differences between the data sources. In addition, StyHighNet can be regarded as a general learning framework because it is compatible with supervised and semi-supervised learning modes. In summary, the contributions of this article are as follows:
  • We propose a novel network framework that can semi-supervised learn height estimation from a single image based on unified style transferring.
  • We generate a small-scale synthetic dataset automatically through city modeling software and a game engine to make up for the lack of real-world data.
  • We design a set of loss functions that enable three sub-networks to work orderly to achieve the goal of semi-supervised learning.
We conducted quantitative and qualitative evaluations on two public datasets of Vaihingen and Potsdam. The experiments showed that our framework outperforms previous methods in both supervised and semi-supervised mode. We also verified the effects of hyperparameters through an ablation study.

2. Related Works

In this section, we review the the three most relevant aspects to the method proposed in this paper, namely monocular depth/height estimation, domain adaptation, and style transfer.

2.1. Monocular Depth/Height Estimation

The purpose of monocular depth/height estimation is to determine the depth/height value corresponding to each pixel in the image. It is a basic problem in many computer vision tasks and has received extensive attention. Early methods are mainly based on handcrafted features and probabilistic graph models (PGMs). Saxena et al. [16,17] used Markov Random Fields (MRF) and combined local/global features to infer the depth from the monocular image, and introduce super-pixels to achieve neighboring constraints. Comber et al. [18] calculated the height of the building based on the relationship between length of the shadow and the pose of the sun. Qi et al. [19,20] used the information provided by Google Earth to propose CSLR (corner shadow length ratio) to calculate the height of the building. These methods rely on the strong assumption of the input image thus have some limitations in practical applications.
In terms of deep learning, Baig et al. [21] used sparse coding to estimate the depth of the entire scene. The authors of [22,23] used a two-scale network to learn the mapping of RGB images to depth. Since then, there have been multiple improved versions [24,25,26,27]. In the field of remote sensing, several networks for predicting height have been proposed [5,28,29,30,31]. The above methods generally adopt decoder–decoder structures, where the encoder extracts multi-scale features, and the decoder up-samples and combines these features to regress the pixel-wise height. However, due to the lack of high-quality/large-scale training data, these supervised learning methods suffer from the problems of stability and integrity [32]. Recently, Xie et al. [33] proposed a self-supervised learning method, Deep3D network, to predict the depth map from stereo images without training labels, which reconstructs a virtual right image with a predicted depth map and known camera translation, and the consistency relative to the left image is utilized as mainly leaning signal. Godard et al. [34] used bilinear difference and left-right consistency cross-validation to obtain higher accuracy. Although such methods achieve superior quality to the supervised version, the stereo image pairs require strict synchronization and calibration that still limit the training data. Zhou et al. [35] simultaneously estimated the depth map and ego-motion of the adjacent frame within a monocular video, which further reduced the threshold of training data, but the dynamic objects in the scene violate the assumption of rigid transformation, leading to a fuzzy and incomplete result. Subsequent work made improvements in this area by off-line masking [36,37,38], optical-flow [39] or on-line masking [32,40,41]. The authors of [42,43] proposed a semi-supervised learning depth estimation method, which combines the use of LiDAR labels and the consistency of the novel view of adjacent frames to ensure the correct prediction. Sex et al. [44] proposed a method that semi-supervised learns the depth estimation of a single image through the relationship between semantic labels and geometric information. Although the above methods achieved high fidelity on the training data, the situation of cross-domain is not considered. Moreover, in the field of remote sensing, isolated images without spatiotemporal adjacent frames are the mainstream data format. Therefore, we take advantage of both height labels and unified style distribution as learning signals to achieve accuracy and domain adaptability simultaneously.

2.2. Domain Adaptation

Due to the lack of comprehensive training datasets for depth/height estimation, synthetic datasets [9,10,11] were generated as a complement for the real-world datasets through their low cost and perfect pixels. However, the inevitable bias that comes from the virtual modeling and rendering process makes the networks trained on synthetic images cannot directly apply to real-world scenes. Zhou et al. [12] proposed a fine-tuning method that retrains the model on a small count of target data, but it faces the issues of overfitting and catastrophic forgetting [13]. Domain adaptation methods [8,15,45,46,47,48,49] minimize the difference between the source data and the target data by a pre-trained model, but they tend to fail when the difference between two data sources is large (e.g., two cities). Here, we learn a unified style distribution unsupervised to avoid the phenomenon of adaptation failure.

2.3. Style Transfer

The method of Gatys et al. [50] firstly converts source images to another style via a convolutional neural network. The subsequent methods directly update the pixel value of the output image [51,52,53,54] or learn the specified image style from a large amount of training data [55,56,57,58,59]. Among them, the Gram Matrix is usually used to evaluate the consistency of the distribution. Inspired by this idea, we transfer multi-source images to a unified style distribution and preserve the obvious characteristics at the same time to ensure the robustness of height estimation.

3. Method

In the following subsection, we introduce the implementation details of the proposed framework, namely pipeline overview, running mechanism, and loss functions.

3.1. Pipeline Overview

The framework is composed of three sub-networks: (1) The style transferring network N t , which converts the original image X R H × W × 3 from multiple sources into the style distribution maps T R H × W × C t , where { s u p , s e m , s y n } represents the three types of input images, s u p represents to the real data with a large number of labels, s e m means the real data with a small number of labels, and s y n refers to the synthetic data; (2) the height regression network N h , which regresses the height maps Y R H × W × 1 from T ; and (3) the style discrimination network N d , with inputs T and outputs D R H × W × 3 , which represent the probability distribution of source category of T . These three sub-networks are coupled together to achieve the goal of height estimation and domain adaptation through three loss functions ( l o s s h , l o s s d , l o s s c ), as shown in Figure 1.

3.2. Implementation Mechanism of StyHighNet

In our pipeline, there are two workflows trained simultaneously: one is supervised learning of height regression (including N t and N h ) and the other is unsupervised learning of unified style distribution (including N t , and N d ). It can see that N t undertakes dual tasks in these two workflows to achieve the purpose of semi-supervised learning.

3.2.1. Supervised Height Regression

Unlike the previous supervised method [29,60], our height estimation adopts a dual-network serial inference strategy. The style transferring network N t converts the multi-source images X = { X | = s u p , s e m , s y n } into the style distribution maps T and regresses them by height regression network N h to the corresponding height maps Y. There are three types of sources of input data for N t , each of them playing a different role: (1) real data with many labels X s u p are the main force of supervised learning and are the source domain in terms of domain adaptation; (2) real data with few labels X s e m , which, although the number is not large, provide the key guidance to style distribution and are the target domain in terms of domain adaptation; and (3) synthetic data X s y n are used as a complement to X s u p because of their low cost and perfect pixels.
We employ a popular encoder–decoder structure [7] for both N t and N h . The encoder adopts the MobileNetV2 architecture [61] to improve the computational efficiency. The decoder uses deconvolution as the up-sampling function. The feature maps with the same size in the encoder and decoder are skipped and connected to preserve the geometric details. The input and output sizes of the two networks are the same, and the number of channels of T is set to 3 for the convenience of visualization and analysis. The output activation functions of N t and N h are both s i g m o i d . The specific network structure is shown in Figure 2.

3.2.2. Unsupervised Style Transferring

The task of unsupervised style transferring is jointly completed by the style transfer network N t and the style discrimination network N d . Their relationship is similar to that of generator and discriminator in Generative Adversarial Networks (GANs) [62]. N d is used to judge (classify) the source category of the T = { T | = s u p , s e m , s y n } , output number of channels is the number of source categories (here is 3), and the activation function is s o f t m a x to form the probability distribution of classification. N t tries to confuse N d , which makes the distribution of T from multi-source images as similar as possible, to achieve the purpose of domain adaptation. The unified style distribution is not known in advance; it is learned unsupervised and tends to be stable during the adversarial process. However, two points are different from the classic generative confrontation network [62]: (1) The N d network performs the classification task for each pixel, rather than summarizes them into a scalar to distinguish, making control and analysis further improved. (2) Our style distribution maps T are derived from the multi-source images X instead of a random vector. We use the same network structure for N d , as shown in Figure 2.
Figure 2. Sub-network architecture. The three sub-networks use the same network structure, but according to different specific tasks, the input and output data are different.
Figure 2. Sub-network architecture. The three sub-networks use the same network structure, but according to different specific tasks, the input and output data are different.
Sensors 21 02272 g002

3.2.3. Semi-Supervised Learning

During the training process, the two workflows mentioned above are carried out at the same time. It is clear that the style transfer network N t shoulders dual tasks simultaneously: On the one hand, it supervised learns a style transferring function together with height estimation network N h to recover the height map from multi-source images. The characteristics of the style distribution map T need to be obvious to achieve the goal of accurate height regression. On the other hand, it cooperates with the style discrimination network N d in an adversarial manner to make the T as similar as possible to achieve domain adaptation. Therefore, the images without labels can also contribute their supervising signals on style distribution. Note that the labeled data only enter the height regression workflow, while all of the data enter the style transferring workflow, which forms a semi-supervised learning mechanism. In the training phase, these two workflows are performed cooperatively in parallel.

3.3. Loss Functions

Style transferring sub-network N t and height regression sub-network participate in supervised learning to recover the height map from multi-source images. The binary-cross-entropy (BCE) l o s s h is used to optimize the parameters in these two sub-networks, namely
l o s s h = 1 N i [ Y ^ , i log ( Y , i ) + ( 1 Y ^ , i ) log ( 1 Y , i ) ] , { s u p , s e m , s y n }
where
Y = F ( N h , F ( N t , X ) )
is the predicted height map, F ( · , · ) denotes the network mapping function, N is the number of all pixels, i is the pixel index, and Y ^ is the corresponding height labels.
In the optimization process, the output style distribution maps T = F ( M t , X ) from the style transferring sub-network N t are originally unconstrained, thus images from the different data source may have different styles, which leads to domain bias. To this end, we introduce a style discrimination network N d to unify the style distribution, where two losses are involved ( l o s s d and l o s s c ). l o s s d is to evaluate the effect of classification for data categories, achieved by the cross-entropy function [63] similar to the tasks of semantic segmentation [64]. In contrast, l o s s c aims at confusing the style discrimination network N d , making the Ts from three data categories as similar as possible. They are defined as follows:
l o s s d = 1 N i [ l o g ( D m , i m ) ] ,
l o s s c = 1 N i [ l o g ( D m , i 0 ) ]
where D R H , W , 3 is the output of style discriminant sub-network N d , which is normalized by a s o f t m a x activation. D m , i l is the discriminant probability inferred from mth data source category at the position of pixel i and in the mth channel, where m , l { 0 , 1 , 2 } .
If we treat D as an RGB image, the style discriminant network N d tries to output three pure color images for three data categories: red for T s u p , green for T s e m and blue for T s y n . In Equation (4), we set the target category always be 0, as X s u p has the most learning signals that can avoid the phenomenon of excessive smoothness. Other style distribution maps ( T s e m and T s y n are constrained to be closed with T s u p to accomplish the task of domain adaptation.
The height regression sub-network N h and style discriminant sub-network N d are optimized by l o s s h and l o s s d , respectively, as they are both independent modules. However, style transferring sub-network N t is a dual-task module, so it has a combined l o s s function:
l o s s t = l o s s h + λ l o s s c .
where the coefficient λ is a fusing weight, and set to be 0.1 in practice.

4. Experiment

To verify the performance of the ThickSeg, we built a synthetic dataset and made a qualitative and quantitative evaluation on two open datasets of Vaihengen and Potsdam. We also performed an ablation study to observe the effects of hyper-parameters.

4.1. Datasets

Vaihingen dataset includes 33 regions of different sizes, each of them containing a top view taken from the mosaic and the corresponding height map. The ground sampling interval of the two types of images is all 9 cm. The height maps are generated by Trimble INPHO 5.3 software, and the top views are stitched by Trimble INPHO OthoVista. To avoid data loss, these 33 areas are sliced in the center part of the reconstructed scene, where interpolation is used to remove missing data.
Potsdam dataset contains 38 areas with the same size, where top views and height maps are both taken from the mosaic with 5 cm sampling spacing. The top view images are in TIFF format and have different channel combinations: (1) IRRG with three channels (IR-RG); (2) RGB with three channels (RGB); and (3) RGBIR with four channels (RGB-IR). Users can choose the appropriate channel mode, and here we use RGB mode. The height maps are also in TIFF format but with one channel, and are coded as a 32 bit floating point in meters.
Synthetic dataset, similar to the one in [65], is generated automatically by modeling software and a game engine. Objects are randomly distributed in the virtual city, including roads, buildings, trees, lawns, etc. The 3D models are imported into the game engine through o b j format, containing shapes, materials, and textures. The color maps and height maps are sampled and rendered at random positions, both in the format of P N G . Some examples are given in Figure 3.

4.2. Implementation Details

We implemented the proposed network using the open deep learning framework PyTorch [66]. For training, we used Adam optimizer [67] with l r = 10 4 , β 1 = 0.9 , β 2 = 0.999 , and ϵ = 10 8 . The learning rate was scheduled via exponential decay with d = 0.96 . The total number of epochs was set to 50 with batch size 32 on a workstation equipped with four NVIDIA 1080ti GPUs for all experiments in this work.
All three sub-networks adopted U-Net architecture [7] with MobileNet-v2 [61] encoder and de-convolutional decoder. All outputs of sub-networks were filtered by S i g m o i d activation for normalization, except for the style discriminant sub-network. for which the output was activated by s o f t m a x function for pixel-wise classification. Two workflows of height regression and style transferring were parallel on the macro-level and serial on the micro-level, which means they were trained in turn on each batch.
To avoid overfitting, we augmented images before input to the network using random rotation in the range of [ π , + π ] as well as random contrast, brightness, and color adjustment in a range of [0.8, 1.2], with 50 % of chance. The images were also randomly cropped to 512 × 512 and 1024 × 1024 for training and testing, respectively. Training data and testing data were randomly split according to the radio of 6:4. All test results shown in this section were obtained from the average of five independent experiments. For Potsdam dataset, all original data were down-sampled by radio 2 to expand the sampling distance from 5 to 10 cm.
We used the same numerical metrics as in [29,60] to evaluate the quality of height regression, root-mean-square error (RMSE) and the zero-mean normalized cross-correlation (ZNCC), which are defined as:
R S M E = 1 N i N ( x i y i ) 2
Z N C C = 1 N i N 1 σ x σ y ( x i μ x ) ( y i μ y ) .
where x and y denote output and ground truth, respectively, with n pixels. μ x and μ y are the mean values of x and y, while σ x and σ y are the standard deviations of x and y.

4.3. Supervised Mode

Our framework supports supervised learning by simply neglecting the style discriminant sub-network. In this learning mode, two datasets (Vaihingen and Potsdam) were trained separately as only one source data ( X s u p ) is needed. X s u p was firstly inputted into style transferring sub-network N t to get a style distribution map T, and then, T was fed to the height regression sub-network N h to regress the height maps where the only l o s s h was minimized to optimize both sub-networks jointly. As shown in Table 1, measurements of RMSE and ZNN were improved by 2% and 3%, respectively, compared to state-of-the-art work [60]. Visualized results are shown in Figure 4 and compared with IMG2DSM [29], where can be inferred that our result is sharper than that of IMG2DSM [29].
Although StyHighNet needs two cascaded sub-networks to predict the height maps, it still achieves a high level of time and space efficiency. All sub-networks in StyHighNet were implemented by a lightweight structure of MobileNetV2 [61], which only contains 12M parameters parameters and predicts a 1024 × 1024 image in just 50 ms.

4.4. Semi-Supervised Mode

4.4.1. Inner-Domain Semi-Supervised Learning

In the inner-domain semi-supervised mode, the training data in each dataset were further split into two parts: the images with or without labels to simulate circumstance where many images exist of one city but few of them are labeled due to the cost of annotation. We performed the experiments on two datasets (Vaihingen and Potsdam) separately; the ratio of the labeled images were set as 20%, 50%, and 80%. In this mode, three sub-networks ( N t , N h , and N d ) were all trained as described in Section 3.2.3, and three loss functions ( l o s s t , l o s s h , and l o s s d ) were all involved, with the fusing weight λ in Equation (5) set to 0.1 . We compared the results to those of the supervised mode introduced in the last section, as shown in Table 2, which only used labeled images for learning. The results of the semi-supervised mode are superior to those of the supervised mode because extra data (unlabeled data) were used to constrain the style distribution maps, thus avoiding overfitting. The visualization results are shown in Figure 5.

4.4.2. Inter-Domain Semi-Supervised Learning

The inter-domain semi-supervised learning mode was also designed for the circumstance of lack of labeled images. In contrast to the inner-domain mode, this mode focuses on the problem of domain bias, in which the model trained in one city has difficulty being applied in another city, which is very common in practice. We used all the training data from one city with a small percentage of labeled data (20%) from another city as the supervised signals of height regression, and the remaining unlabeled data were used for unsupervised learning of style distribution. We used the same parameters as in the previous section to train and test the model and compared the results to the supervised learning method, fine-tuning [12], and with or without synthetic data, as shown in Table 3. The inter-domain configuration achieves the best result, as the unlabeled data contributed to constrain and unify the style distribution. Furthermore, the use of synthetic data enhanced the performance significantly. The visualized results are shown in Figure 6.

4.5. Ablation Study

We examined two super parameters: the number of channels of style map n t and the loss function of height regression l o o s h . For n t , we chose 1, 3, and 5, as shown in Table 4. We observed that overall performance improves with the increase of n t since a thicker style map carries more features for height regression. However, the effect is not obvious when n t increases from 3 to 5 as a three-channel style map can already describe the latent information for this task. For l o s s h , we compared it with the root-mean-square-error (RMSE) loss. We found that the binary-cross-entropy (BCE) loss used in this work outperforms the version with RMSE, as BCE loss tends to form a sharper effect which is more suitable for building-like objects.

5. Conclusions

In this paper, we propose a novel framework, named StyHighNet, for semi-supervised learning height estimation from a single aerial image. StyHighNet consists of three sub-networks with the same structure for style transferring, height regression, and style discrimination, respectively. These sub-networks are optimized orderly within two workflows: supervised height regression and unsupervised style transferring. We created a synthetic dataset and performed qualitative and quantitative analysis on two public datasets of Vaihingen and Potsdam. The experiments indicated that StyHighNet is superior in both supervised learning mode and semi-supervised learning mode. Especially in inter-domain semi-supervised learning mode, StyHighNet effectively solves the problem of domain bias in the case of lack of labels. The super parameter of number channels in the style distribution map and the choice of loss function for height regression were analyzed in the ablation study.

Author Contributions

Conceptualization, X.S. and Q.G.; methodology, Q.G.; software, Q.G.; validation, X.S. and Q.G.; formal analysis, Q.G.; investigation, X.S.; resources, X.S.; data curation, Q.G.; writing—original draft preparation, Q.G.; writing—review and editing, X.S.; visualization, Q.G.; supervision, X.S.; project administration, X.S.; funding acquisition, X.S. 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

Not applicable.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Chen, L.C.; Teo, T.A.; Shao, Y.C.; Lai, Y.C.; Rau, J.Y. Fusion of LIDAR data and optical imagery for building modeling. Int. Arch. Photogramm. Remote Sens. 2004, 35, 732–737. [Google Scholar]
  2. Hu, J.; You, S.; Neumann, U. Approaches to large-scale urban modeling. IEEE Comput. Graph. Appl. 2003, 23, 62–69. [Google Scholar]
  3. Yang, M.D.; Chao, C.F.; Huang, K.S.; Lu, L.Y.; Chen, Y.P. Image-based 3D scene reconstruction and exploration in augmented reality. Autom. Constr. 2013, 33, 48–60. [Google Scholar] [CrossRef]
  4. Portalés, C.; Lerma, J.L.; Navarro, S. Augmented reality and photogrammetry: A synergy to visualize physical and virtual city environments. ISPRS J. Photogramm. Remote Sens. 2010, 65, 134–142. [Google Scholar] [CrossRef]
  5. Mou, L.; Zhu, X.X. IM2HEIGHT: Height estimation from single monocular imagery via fully residual convolutional-deconvolutional network. arXiv 2018, arXiv:1802.10249. [Google Scholar]
  6. Bhoi, A. Monocular depth estimation: A survey. arXiv 2019, arXiv:1901.09402. [Google Scholar]
  7. Ronneberger, O.; Fischer, P.; Brox, T. U-net: Convolutional networks for biomedical image segmentation. In Proceedings of the International Conference on Medical Image Computing and Computer-Assisted Intervention, Munich, Germany, 5–9 October 2015; Springer: Berlin/Heidelberg, Germany, 2015; pp. 234–241. [Google Scholar]
  8. Ghifary, M.; Kleijn, W.B.; Zhang, M.; Balduzzi, D.; Li, W. Deep reconstruction-classification networks for unsupervised domain adaptation. In Proceedings of the European Conference on Computer Vision, Amsterdam, The Netherlands, 8–16 October 2016; Springer: Berlin/Heidelberg, Germany, 2016; pp. 597–613. [Google Scholar]
  9. Ros, G.; Sellart, L.; Materzynska, J.; Vazquez, D.; Lopez, A.M. The synthia dataset: A large collection of synthetic images for semantic segmentation of urban scenes. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 3234–3243. [Google Scholar]
  10. Uppoor, S.; Trullols-Cruces, O.; Fiore, M.; Barcelo-Ordinas, J.M. Generation and analysis of a large-scale urban vehicular mobility dataset. IEEE Trans. Mob. Comput. 2013, 13, 1061–1075. [Google Scholar] [CrossRef] [Green Version]
  11. Alhaija, H.A.; Mustikovela, S.K.; Mescheder, L.; Geiger, A.; Rother, C. Augmented reality meets computer vision: Efficient data generation for urban driving scenes. Int. J. Comput. Vis. 2018, 126, 961–972. [Google Scholar] [CrossRef] [Green Version]
  12. Zhou, Z.; Shin, J.; Zhang, L.; Gurudu, S.; Gotway, M.; Liang, J. Fine-tuning convolutional neural networks for biomedical image analysis: Actively and incrementally. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 7340–7351. [Google Scholar]
  13. Li, Z.; Hoiem, D. Learning without forgetting. IEEE Trans. Pattern Anal. Mach. Intell. 2017, 40, 2935–2947. [Google Scholar] [CrossRef] [Green Version]
  14. Atapour-Abarghouei, A.; Breckon, T.P. Real-time monocular depth estimation using synthetic data with domain adaptation via image style transfer. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–22 June 2018; pp. 2800–2810. [Google Scholar]
  15. Tzeng, E.; Hoffman, J.; Saenko, K.; Darrell, T. Adversarial discriminative domain adaptation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 7167–7176. [Google Scholar]
  16. Saxena, A.; Chung, S.H.; Ng, A.Y. Learning depth from single monocular images. In Proceedings of the Advances in Neural Information Processing Systems, Vancouver, BC, Canada, 7–12 August 2005; pp. 1161–1168. [Google Scholar]
  17. Saxena, A.; Sun, M.; Ng, A.Y. Make3d: Learning 3d scene structure from a single still image. IEEE Trans. Pattern Anal. Mach. Intell. 2008, 31, 824–840. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  18. Comber, A.; Umezaki, M.; Zhou, R.; Ding, Y.; Li, Y.; Fu, H.; Jiang, H.; Tewkesbury, A. Using shadows in high-resolution imagery to determine building height. Remote Sens. Lett. 2012, 3, 551–556. [Google Scholar] [CrossRef] [Green Version]
  19. Qi, F.; Wang, Y. A new calculation method for shape coefficient of residential building using Google Earth. Energy Build. 2014, 76, 72–80. [Google Scholar] [CrossRef]
  20. Qi, F.; Zhai, J.Z.; Dang, G. Building height estimation using Google Earth. Energy Build. 2016, 118, 123–132. [Google Scholar] [CrossRef]
  21. Baig, M.H.; Jagadeesh, V.; Piramuthu, R.; Bhardwaj, A.; Di, W.; Sundaresan, N. Im2depth: Scalable exemplar based depth transfer. In Proceedings of the IEEE Winter Conference on Applications of Computer Vision, Steamboat Springs, CO, USA, 24–26 March 2014; pp. 145–152. [Google Scholar]
  22. Eigen, D.; Fergus, R. Predicting depth, surface normals and semantic labels with a common multi-scale convolutional architecture. In Proceedings of the IEEE International Conference on Computer Vision, Santiago, Chile, 7–13 December 2015; pp. 2650–2658. [Google Scholar]
  23. Eigen, D.; Puhrsch, C.; Fergus, R. Depth map prediction from a single image using a multi-scale deep network. In Proceedings of the Advances in Neural Information Processing Systems, Montreal, QC, Canada, 8–13 December 2014; pp. 2366–2374. [Google Scholar]
  24. Li, B.; Shen, C.; Dai, Y.; Van Den Hengel, A.; He, M. Depth and surface normal estimation from monocular images using regression on deep features and hierarchical crfs. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Boston, MA, USA, 7–12 June 2015; pp. 1119–1127. [Google Scholar]
  25. Wang, X.; Fouhey, D.; Gupta, A. Designing deep networks for surface normal estimation. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Boston, MA, USA, 7–12 June 2015; pp. 539–547. [Google Scholar]
  26. Laina, I.; Rupprecht, C.; Belagiannis, V.; Tombari, F.; Navab, N. Deeper depth prediction with fully convolutional residual networks. In Proceedings of the 2016 Fourth International Conference on 3D Vision (3DV), Stanford, CA, USA, 25–28 October 2016; pp. 239–248. [Google Scholar]
  27. Cao, Y.; Wu, Z.; Shen, C. Estimating depth from monocular images as classification using deep fully convolutional residual networks. IEEE Trans. Circuits Syst. Video Technol. 2017, 28, 3174–3182. [Google Scholar] [CrossRef] [Green Version]
  28. Srivastava, S.; Volpi, M.; Tuia, D. Joint height estimation and semantic labeling of monocular aerial images with CNNs. In Proceedings of the 2017 IEEE International Geoscience and Remote Sensing Symposium (IGARSS), Fort Worth, TX, USA, 23–28 July 2017; pp. 5173–5176. [Google Scholar]
  29. Ghamisi, P.; Yokoya, N. Img2dsm: Height simulation from single imagery using conditional generative adversarial net. IEEE Geosci. Remote Sens. Lett. 2018, 15, 794–798. [Google Scholar] [CrossRef]
  30. Amirkolaee, H.A.; Arefi, H. Height estimation from single aerial images using a deep convolutional encoder-decoder network. ISPRS J. Photogramm. Remote Sens. 2019, 149, 50–66. [Google Scholar] [CrossRef]
  31. Li, X.; Wang, M.; Fang, Y. Height estimation from single aerial images using a deep ordinal regression network. IEEE Geosci. Remote Sens. Lett. 2020. [Google Scholar] [CrossRef]
  32. Godard, C.; Mac Aodha, O.; Firman, M.; Brostow, G.J. Digging into self-supervised monocular depth estimation. In Proceedings of the IEEE International Conference on Computer Vision, Seoul, Korea, 27–28 October 2019; pp. 3828–3838. [Google Scholar]
  33. Xie, J.; Girshick, R.; Farhadi, A. Deep3d: Fully automatic 2d-to-3d video conversion with deep convolutional neural networks. In Proceedings of the European Conference on Computer Vision, Amsterdam, The Netherlands, 8–16 October 2016; Springer: Berlin/Heidelberg, Germany, 2016; pp. 842–857. [Google Scholar]
  34. Godard, C.; Mac Aodha, O.; Brostow, G.J. Unsupervised monocular depth estimation with left-right consistency. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 270–279. [Google Scholar]
  35. Zhou, T.; Brown, M.; Snavely, N.; Lowe, D.G. Unsupervised learning of depth and ego-motion from video. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 1851–1858. [Google Scholar]
  36. Yang, Z.; Wang, P.; Xu, W.; Zhao, L.; Nevatia, R. Unsupervised learning of geometry with edge-aware depth-normal consistency. arXiv 2017, arXiv:1711.03665. [Google Scholar]
  37. Mahjourian, R.; Wicke, M.; Angelova, A. Unsupervised learning of depth and ego-motion from monocular video using 3d geometric constraints. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–22 June 2018; pp. 5667–5675. [Google Scholar]
  38. Gordon, A.; Li, H.; Jonschkowski, R.; Angelova, A. Depth f rom videos in the wild: Unsupervised monocular depth learning from unknown cameras. In Proceedings of the IEEE International Conference on Computer Vision, Seoul, Korea, 27–28 October 2019; pp. 8977–8986. [Google Scholar]
  39. Yin, Z.; Shi, J. Geonet: Unsupervised learning of dense depth, optical flow and camera pose. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–22 June 2018; pp. 1983–1992. [Google Scholar]
  40. Yang, Z.; Wang, P.; Wang, Y.; Xu, W.; Nevatia, R. Lego: Learning edge with geometry all at once by watching videos. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–22 June 2018; pp. 225–234. [Google Scholar]
  41. Wang, C.; Miguel Buenaposada, J.; Zhu, R.; Lucey, S. Learning depth from monocular videos using direct methods. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–22 June 2018; pp. 2022–2030. [Google Scholar]
  42. Kuznietsov, Y.; Stuckler, J.; Leibe, B. Semi-supervised deep learning for monocular depth map prediction. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Honolulu, HI, USA, 21–26 July 2017; pp. 6647–6655. [Google Scholar]
  43. Guizilini, V.; Li, J.; Ambrus, R.; Pillai, S.; Gaidon, A. Robust Semi-Supervised Monocular Depth Estimation with Reprojected Distances. In Proceedings of the Conference on Robot Learning, London, UK, 16–18 November 2020; pp. 503–512. [Google Scholar]
  44. Ramirez, P.Z.; Poggi, M.; Tosi, F.; Mattoccia, S.; Di Stefano, L. Geometry meets semantics for semi-supervised monocular depth estimation. In Proceedings of the Asian Conference on Computer Vision, Perth, WA, Australia, 2–6 December 2018; Springer: Berlin/Heidelberg, Germany, 2018; pp. 298–313. [Google Scholar]
  45. Long, M.; Cao, Y.; Wang, J.; Jordan, M. Learning transferable features with deep adaptation networks. In Proceedings of the International Conference on Machine Learning, Lille, France, 6–11 July 2015; pp. 97–105. [Google Scholar]
  46. Ganin, Y.; Lempitsky, V. Unsupervised domain adaptation by backpropagation. In Proceedings of the International Conference on Machine Learning, Lille, France, 6–11 July 2015; pp. 1180–1189. [Google Scholar]
  47. Tzeng, E.; Hoffman, J.; Darrell, T.; Saenko, K. Simultaneous deep transfer across domains and tasks. In Proceedings of the IEEE International Conference on Computer Vision, Santiago, Chile, 7–13 December 2015; pp. 4068–4076. [Google Scholar]
  48. Donahue, J.; Krähenbühl, P.; Darrell, T. Adversarial feature learning. arXiv 2016, arXiv:1605.09782. [Google Scholar]
  49. Ganin, Y.; Ustinova, E.; Ajakan, H.; Germain, P.; Larochelle, H.; Laviolette, F.; Marchand, M.; Lempitsky, V. Domain-adversarial training of neural networks. J. Mach. Learn. Res. 2016, 17, 2096–2030. [Google Scholar]
  50. Gatys, L.A.; Ecker, A.S.; Bethge, M. A neural algorithm of artistic style. arXiv 2015, arXiv:1508.06576. [Google Scholar] [CrossRef]
  51. Gatys, L.A.; Ecker, A.S.; Bethge, M. Image style transfer using convolutional neural networks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 2414–2423. [Google Scholar]
  52. Yin, R. Content aware neural style transfer. arXiv 2016, arXiv:1601.04568. [Google Scholar]
  53. Chen, Y.L.; Hsu, C.T. Towards Deep Style Transfer: A Content-Aware Perspective. In Proceedings of the BMVC, York, UK, 19–22 September 2016; pp. 8.1–8.11. [Google Scholar]
  54. Li, C.; Wand, M. Combining markov random fields and convolutional neural networks for image synthesis. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Las Vegas, NV, USA, 27–30 June 2016; pp. 2479–2486. [Google Scholar]
  55. Johnson, J.; Alahi, A.; Fei-Fei, L. Perceptual losses for real-time style transfer and super-resolution. In Proceedings of the European Conference on Computer Vision, Amsterdam, The Netherlands, 8–16 October 2016; Springer: Berlin/Heidelberg, Germany, 2016; pp. 694–711. [Google Scholar]
  56. Ulyanov, D.; Lebedev, V.; Vedaldi, A.; Lempitsky, V.S. Texture Networks: Feed-forward Synthesis of Textures and Stylized Images. In Proceedings of the ICML, New York, NY, USA, 19–24 June 2016; Volume 1, p. 4. [Google Scholar]
  57. Li, C.; Wand, M. Precomputed real-time texture synthesis with markovian generative adversarial networks. In Proceedings of the European Conference on Computer Vision, Amsterdam, The Netherlands, 8–16 October 2016; Springer: Berlin/Heidelberg, Germany, 2016; pp. 702–716. [Google Scholar]
  58. Chen, T.Q.; Schmidt, M. Fast patch-based style transfer of arbitrary style. arXiv 2016, arXiv:1612.04337. [Google Scholar]
  59. Zhu, J.Y.; Park, T.; Isola, P.; Efros, A.A. Unpaired image-to-image translation using cycle-consistent adversarial networks. In Proceedings of the IEEE International Conference on Computer Vision, Venice, Italy, 22–29 October 2017; pp. 2223–2232. [Google Scholar]
  60. Zhang, Y.; Chen, X. Multi-path Fusion Network for High-Resolution Height Estimation from a Single Orthophoto. In Proceedings of the 2019 IEEE International Conference on Multimedia & Expo Workshops (ICMEW), Shanghai, China, 8–12 July 2019; pp. 186–191. [Google Scholar]
  61. Sandler, M.; Howard, A.; Zhu, M.; Zhmoginov, A.; Chen, L.C. Mobilenetv2: Inverted residuals and linear bottlenecks. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition, Salt Lake City, UT, USA, 18–22 June 2018; pp. 4510–4520. [Google Scholar]
  62. Goodfellow, I.; Pouget-Abadie, J.; Mirza, M.; Xu, B.; Warde-Farley, D.; Ozair, S.; Courville, A.; Bengio, Y. Generative adversarial nets. In Proceedings of the Advances in Neural Information Processing Systems, Montreal, QC, Canada, 8–13 December 2014; pp. 2672–2680. [Google Scholar]
  63. De Boer, P.T.; Kroese, D.P.; Mannor, S.; Rubinstein, R.Y. A tutorial on the cross-entropy method. Ann. Oper. Res. 2005, 134, 19–67. [Google Scholar] [CrossRef]
  64. Garcia-Garcia, A.; Orts-Escolano, S.; Oprea, S.; Villena-Martinez, V.; Martinez-Gonzalez, P.; Garcia-Rodriguez, J. A survey on deep learning techniques for image and video semantic segmentation. Appl. Soft Comput. 2018, 70, 41–65. [Google Scholar] [CrossRef]
  65. Gao, Q.; Shen, X.; Niu, W. Large-Scale Synthetic Urban Dataset for Aerial Scene Understanding. IEEE Access 2020, 8, 42131–42140. [Google Scholar] [CrossRef]
  66. Paszke, A.; Gross, S.; Massa, F.; Lerer, A.; Bradbury, J.; Chanan, G.; Killeen, T.; Lin, Z.; Gimelshein, N.; Antiga, L.; et al. Pytorch: An imperative style, high-performance deep learning library. In Proceedings of the Advances in Neural Information Processing Systems, Vancouver, BC, Canada, 8–14 December 2019; pp. 8026–8037. [Google Scholar]
  67. Kingma, D.P.; Ba, J. Adam: A method for stochastic optimization. arXiv 2014, arXiv:1412.6980. [Google Scholar]
Figure 1. Pipeline overview. The framework contains three sub-networks: style transferring sub-network ( N t ), height regression sub-network ( N h ), and style discrimination sub-network ( N d ). They work together to complete the task of semi-supervised height regression.
Figure 1. Pipeline overview. The framework contains three sub-networks: style transferring sub-network ( N t ), height regression sub-network ( N h ), and style discrimination sub-network ( N d ). They work together to complete the task of semi-supervised height regression.
Sensors 21 02272 g001
Figure 3. Synthetic dataset. The first and third columns are rendered color images and the second and fourth columns are the corresponding height maps where the intensity is proportional to their height values.
Figure 3. Synthetic dataset. The first and third columns are rendered color images and the second and fourth columns are the corresponding height maps where the intensity is proportional to their height values.
Sensors 21 02272 g003
Figure 4. Two examples from the Potsdam dataset (top two rows) and two examples from the Vaihingen dataset (bottom two rows). From left to right, we show the input images, ground truth, predicted height maps of IMG2DSM (our implementation), predicted height maps of our method, height difference maps using IMG2DSM, and height difference maps of our result, respectively.
Figure 4. Two examples from the Potsdam dataset (top two rows) and two examples from the Vaihingen dataset (bottom two rows). From left to right, we show the input images, ground truth, predicted height maps of IMG2DSM (our implementation), predicted height maps of our method, height difference maps using IMG2DSM, and height difference maps of our result, respectively.
Sensors 21 02272 g004
Figure 5. Three examples from the Vaihingen dataset in inner-domain semi-supervised learning mode. The columns from left to right correspond to the test images, ground truth, supervised learning results, semi-supervised learning results, and corresponding style distribution maps.
Figure 5. Three examples from the Vaihingen dataset in inner-domain semi-supervised learning mode. The columns from left to right correspond to the test images, ground truth, supervised learning results, semi-supervised learning results, and corresponding style distribution maps.
Sensors 21 02272 g005
Figure 6. Inter-domain semi-supervised visualization. From left to right are input images, ground truths, supervised learning predictions, and semi-supervised learning predictions.
Figure 6. Inter-domain semi-supervised visualization. From left to right are input images, ground truths, supervised learning predictions, and semi-supervised learning predictions.
Sensors 21 02272 g006
Table 1. Comparison height estimation results in supervised learning mode with the previous works of IMG2DSM [29] and MPFupsion [60]. Best results in each category are in bold.
Table 1. Comparison height estimation results in supervised learning mode with the previous works of IMG2DSM [29] and MPFupsion [60]. Best results in each category are in bold.
VaihingenPotsdam
MethodRMSEZNCCRMSEZNCC
IMG2DSM [29]2.580.7593.890.718
MPFusion [60]2.450.8473.900.821
Ours2.400.8723.830.845
Table 2. Inner-domain semi-supervised learning results compared with the supervised learning mode on datasets of Vaihingen and Potsdam. Best results in each category are in bold.
Table 2. Inner-domain semi-supervised learning results compared with the supervised learning mode on datasets of Vaihingen and Potsdam. Best results in each category are in bold.
DatasetMethod 20 % 50 % 80 %
RSMEZNCCRSMEZNCCRSMEZNCC
Vaihingensuper3.8300.6733.0330.7762.8870.805
semi3.5330.7132.8940.7962.7940.813
Potdamsuper4.7530.6674.2560.8314.0350.846
semi4.3640.7324.0830.8343.9770.847
Table 3. Comparison of inter-domain semi-supervised learning to supervised learning, fine-tuning [12], and with or without synthetic data, on Vaihingen and Potsdam datasets. Best results in each category are in bold.
Table 3. Comparison of inter-domain semi-supervised learning to supervised learning, fine-tuning [12], and with or without synthetic data, on Vaihingen and Potsdam datasets. Best results in each category are in bold.
MethodVaihingenPotsdam
RMSEZNCCRMSEZNCC
super4.3690.5064.4530.683
fine-tune [12]4.5360.4065.3320.323
semi4.0110.5004.5570.669
semi-syn3.4910.6814.2450.712
Table 4. Ablation study. Comparison of the number of channels of style distribution maps and the choice of the height regression function. Best results in each category are in bold.
Table 4. Ablation study. Comparison of the number of channels of style distribution maps and the choice of the height regression function. Best results in each category are in bold.
loss h n t VaihingenPotsdam
RMSEZNCCRMSEZNCC
RSME14.2120.4354.7670.425
33.5200.6574.2560.688
53.4930.6624.2530.685
BCE14.0210.4554.7620.433
33.4910.6814.2450.712
53.4820.6774.2420.708
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Gao, Q.; Shen, X. StyHighNet: Semi-Supervised Learning Height Estimation from a Single Aerial Image via Unified Style Transferring. Sensors 2021, 21, 2272. https://doi.org/10.3390/s21072272

AMA Style

Gao Q, Shen X. StyHighNet: Semi-Supervised Learning Height Estimation from a Single Aerial Image via Unified Style Transferring. Sensors. 2021; 21(7):2272. https://doi.org/10.3390/s21072272

Chicago/Turabian Style

Gao, Qian, and Xukun Shen. 2021. "StyHighNet: Semi-Supervised Learning Height Estimation from a Single Aerial Image via Unified Style Transferring" Sensors 21, no. 7: 2272. https://doi.org/10.3390/s21072272

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